diff --git a/.gitattributes b/.gitattributes index 2638583a974ea9b54973dc16b7a95451053cc450..a182d5757b8533e5a7e86f256389da03201d7a81 100644 --- a/.gitattributes +++ b/.gitattributes @@ -67,3 +67,12 @@ real_scene_data/vid2sim_real_data/bird/gs/point_cloud.ply filter=lfs diff=lfs me real_scene_data/vid2sim_real_data/cup/gs/point_cloud.ply filter=lfs diff=lfs merge=lfs -text real_scene_data/vid2sim_real_data/orange/gs/point_cloud.ply filter=lfs diff=lfs merge=lfs -text real_scene_data/vid2sim_real_data/orange/points3d.ply filter=lfs diff=lfs merge=lfs -text +real_scene_models/bonsai/gs/input.ply filter=lfs diff=lfs merge=lfs -text +real_scene_models/bonsai/gs/point_cloud/iteration_30000/point_cloud.ply filter=lfs diff=lfs merge=lfs -text +real_scene_models/bonsai/gs/point_cloud/iteration_7000/point_cloud.ply filter=lfs diff=lfs merge=lfs -text +real_scene_models/bouquet/gs/input.ply filter=lfs diff=lfs merge=lfs -text +real_scene_models/bouquet/gs/point_cloud/iteration_30000/point_cloud.ply filter=lfs diff=lfs merge=lfs -text +real_scene_models/bouquet/gs/point_cloud/iteration_7000/point_cloud.ply filter=lfs diff=lfs merge=lfs -text +real_scene_models/vasedeck/gs/input.ply filter=lfs diff=lfs merge=lfs -text +real_scene_models/vasedeck/gs/point_cloud/iteration_30000/point_cloud.ply filter=lfs diff=lfs merge=lfs -text +real_scene_models/vasedeck/gs/point_cloud/iteration_7000/point_cloud.ply filter=lfs diff=lfs merge=lfs -text diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/config.yml b/real_scene_models/bonsai/f3rm/2025-05-28_070641/config.yml new file mode 100644 index 0000000000000000000000000000000000000000..59434ec32beb64e7c903f27daecaa9971b966dea --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/config.yml @@ -0,0 +1,268 @@ +!!python/object:nerfstudio.engine.trainer.TrainerConfig +_target: !!python/name:nerfstudio.engine.trainer.Trainer '' +data: &id003 !!python/object/apply:pathlib.PosixPath +- / +- home +- vlongle +- code +- diffPhys3d +- real_scene_data +- bonsai +experiment_name: bonsai +gradient_accumulation_steps: {} +load_checkpoint: null +load_config: null +load_dir: null +load_scheduler: true +load_step: null +log_gradients: false +logging: !!python/object:nerfstudio.configs.base_config.LoggingConfig + local_writer: !!python/object:nerfstudio.configs.base_config.LocalWriterConfig + _target: !!python/name:nerfstudio.utils.writer.LocalWriter '' + enable: true + max_log_size: 10 + stats_to_track: !!python/tuple + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Train Iter (time) + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Train Rays / Sec + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Test PSNR + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Vis Rays / Sec + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Test Rays / Sec + - !!python/object/apply:nerfstudio.utils.writer.EventName + - ETA (time) + max_buffer_size: 20 + profiler: basic + relative_log_dir: !!python/object/apply:pathlib.PosixPath [] + steps_per_log: 10 +machine: !!python/object:nerfstudio.configs.base_config.MachineConfig + device_type: cuda + dist_url: auto + machine_rank: 0 + num_devices: 1 + num_machines: 1 + seed: 42 +max_num_iterations: 10000 +method_name: f3rm +mixed_precision: true +optimizers: + feature_field: + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: &id001 !!python/name:torch.optim.adam.Adam '' + eps: 1.0e-15 + lr: 0.01 + max_norm: null + weight_decay: 0 + scheduler: !!python/object:nerfstudio.engine.schedulers.ExponentialDecaySchedulerConfig + _target: &id002 !!python/name:nerfstudio.engine.schedulers.ExponentialDecayScheduler '' + lr_final: 0.0001 + lr_pre_warmup: 1.0e-08 + max_steps: 200000 + ramp: cosine + warmup_steps: 0 + fields: + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: *id001 + eps: 1.0e-15 + lr: 0.01 + max_norm: null + weight_decay: 0 + scheduler: !!python/object:nerfstudio.engine.schedulers.ExponentialDecaySchedulerConfig + _target: *id002 + lr_final: 0.0001 + lr_pre_warmup: 1.0e-08 + max_steps: 200000 + ramp: cosine + warmup_steps: 0 + proposal_networks: + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: *id001 + eps: 1.0e-15 + lr: 0.01 + max_norm: null + weight_decay: 0 + scheduler: !!python/object:nerfstudio.engine.schedulers.ExponentialDecaySchedulerConfig + _target: *id002 + lr_final: 0.0001 + lr_pre_warmup: 1.0e-08 + max_steps: 200000 + ramp: cosine + warmup_steps: 0 +output_dir: !!python/object/apply:pathlib.PosixPath +- / +- home +- vlongle +- code +- diffPhys3d +- real_scene_outputs +pipeline: !!python/object:nerfstudio.pipelines.base_pipeline.VanillaPipelineConfig + _target: !!python/name:nerfstudio.pipelines.base_pipeline.VanillaPipeline '' + datamanager: !!python/object:f3rm.feature_datamanager.FeatureDataManagerConfig + _target: !!python/name:f3rm.feature_datamanager.FeatureDataManager '' + camera_optimizer: !!python/object:nerfstudio.cameras.camera_optimizers.CameraOptimizerConfig + _target: &id004 !!python/name:nerfstudio.cameras.camera_optimizers.CameraOptimizer '' + mode: SO3xR3 + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: *id001 + eps: 1.0e-08 + lr: 0.0006 + max_norm: null + weight_decay: 0.01 + rot_l2_penalty: 0.001 + scheduler: null + trans_l2_penalty: 0.01 + camera_res_scale_factor: 1.0 + collate_fn: !!python/name:nerfstudio.data.utils.nerfstudio_collate.nerfstudio_collate '' + data: *id003 + dataparser: !!python/object:nerfstudio.data.dataparsers.colmap_dataparser.ColmapDataParserConfig + _target: !!python/name:nerfstudio.data.dataparsers.colmap_dataparser.ColmapDataParser '' + assume_colmap_world_coordinate_convention: true + auto_scale_poses: true + center_method: poses + colmap_path: !!python/object/apply:pathlib.PosixPath + - colmap + - sparse + - '0' + data: !!python/object/apply:pathlib.PosixPath [] + depth_unit_scale_factor: 0.001 + depths_path: null + downscale_factor: null + downscale_rounding_mode: floor + eval_interval: 8 + eval_mode: interval + images_path: !!python/object/apply:pathlib.PosixPath + - images + load_3D_points: true + masks_path: null + max_2D_matches_per_3D_point: 0 + orientation_method: up + scale_factor: 1.0 + scene_scale: 1.0 + train_split_fraction: 0.95 + enable_cache: true + eval_image_indices: !!python/tuple + - 0 + eval_num_images_to_sample_from: -1 + eval_num_rays_per_batch: 4096 + eval_num_times_to_repeat_images: -1 + feature_type: CLIP + images_on_gpu: false + masks_on_gpu: false + patch_size: 1 + pixel_sampler: !!python/object:nerfstudio.data.pixel_samplers.PixelSamplerConfig + _target: !!python/name:nerfstudio.data.pixel_samplers.PixelSampler '' + fisheye_crop_radius: null + ignore_mask: false + is_equirectangular: false + keep_full_image: false + max_num_iterations: 100 + num_rays_per_batch: 4096 + rejection_sample_mask: true + train_num_images_to_sample_from: -1 + train_num_rays_per_batch: 4096 + train_num_times_to_repeat_images: -1 + model: !!python/object:f3rm.model.FeatureFieldModelConfig + _target: !!python/name:f3rm.model.FeatureFieldModel '' + appearance_embed_dim: 32 + average_init_density: 1.0 + background_color: last_sample + base_res: 16 + camera_optimizer: !!python/object:nerfstudio.cameras.camera_optimizers.CameraOptimizerConfig + _target: *id004 + mode: SO3xR3 + optimizer: null + rot_l2_penalty: 0.001 + scheduler: null + trans_l2_penalty: 0.01 + collider_params: + far_plane: 6.0 + near_plane: 2.0 + disable_scene_contraction: true + distortion_loss_mult: 0.002 + enable_collider: false + eval_num_rays_per_chunk: 16384 + far_plane: 1000.0 + feat_features_per_level: 8 + feat_hidden_dim: 64 + feat_log2_hashmap_size: 19 + feat_loss_weight: 0.001 + feat_max_res: 128 + feat_num_layers: 2 + feat_num_levels: 12 + feat_pe_n_freq: 6 + feat_start_res: 16 + feat_use_pe: true + features_per_level: 2 + grid_feature_path: null + hidden_dim: 64 + hidden_dim_color: 64 + hidden_dim_transient: 64 + implementation: tcnn + interlevel_loss_mult: 1.0 + log2_hashmap_size: 19 + loss_coefficients: + rgb_loss_coarse: 1.0 + rgb_loss_fine: 1.0 + max_res: 2048 + near_plane: 0.05 + num_levels: 16 + num_nerf_samples_per_ray: 48 + num_proposal_iterations: 2 + num_proposal_samples_per_ray: !!python/tuple + - 256 + - 96 + orientation_loss_mult: 0.0001 + pred_normal_loss_mult: 0.001 + predict_normals: false + prompt: null + proposal_initial_sampler: piecewise + proposal_net_args_list: + - hidden_dim: 16 + log2_hashmap_size: 17 + max_res: 128 + num_levels: 5 + use_linear: false + - hidden_dim: 16 + log2_hashmap_size: 17 + max_res: 256 + num_levels: 5 + use_linear: false + proposal_update_every: 5 + proposal_warmup: 5000 + proposal_weights_anneal_max_num_iters: 1000 + proposal_weights_anneal_slope: 10.0 + use_appearance_embedding: true + use_average_appearance_embedding: true + use_gradient_scaling: false + use_proposal_weight_anneal: true + use_same_proposal_network: false + use_single_jitter: true +project_name: nerfstudio-project +prompt: null +relative_model_dir: !!python/object/apply:pathlib.PosixPath +- nerfstudio_models +save_only_latest_checkpoint: false +start_paused: false +steps_per_eval_all_images: 25000 +steps_per_eval_batch: 500 +steps_per_eval_image: 500 +steps_per_save: 2000 +timestamp: 2025-05-28_070641 +use_grad_scaler: false +viewer: !!python/object:nerfstudio.configs.base_config.ViewerConfig + camera_frustum_scale: 0.1 + default_composite_depth: true + image_format: jpeg + jpeg_quality: 75 + make_share_url: false + max_num_display_images: 512 + num_rays_per_chunk: 32768 + quit_on_train_completion: true + relative_log_filename: viewer_log_filename.txt + websocket_host: 0.0.0.0 + websocket_port: null + websocket_port_default: 7007 +vis: viewer diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/dataparser_transforms.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/dataparser_transforms.json new file mode 100644 index 0000000000000000000000000000000000000000..5ac031cd1c069d6892019e784497aa84b1725946 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/dataparser_transforms.json @@ -0,0 +1,23 @@ +{ + "transform": [ + [ + 0.9967910051345825, + 0.07526795566082001, + 0.02724803239107132, + -0.07575169950723648 + ], + [ + 0.02724803239107132, + -0.6391080617904663, + 0.7686341404914856, + -0.0011836588382720947 + ], + [ + 0.07526795566082001, + -0.7654250860214233, + -0.6391080617904663, + 0.08081519603729248 + ] + ], + "scale": 0.22111831576780908 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_074120/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_074120/args.json new file mode 100644 index 0000000000000000000000000000000000000000..05a1b4ec77064a09864bb7a9d69e572cf59aa701 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_074120/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -0.5 + ], + "max_bounds": [ + 0.25, + 0.3, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_075731/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_075731/args.json new file mode 100644 index 0000000000000000000000000000000000000000..a95903c823eeb2be8af47398d048531e3df9f77b --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_075731/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -0.25 + ], + "max_bounds": [ + 0.25, + 0.3, + 0.25 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_075922/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_075922/args.json new file mode 100644 index 0000000000000000000000000000000000000000..05a1b4ec77064a09864bb7a9d69e572cf59aa701 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_075922/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -0.5 + ], + "max_bounds": [ + 0.25, + 0.3, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080024/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080024/args.json new file mode 100644 index 0000000000000000000000000000000000000000..4037a384c9c3458d68879fd89ea1ba0621ac05f3 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080024/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.0, + -0.2, + -0.5 + ], + "max_bounds": [ + 0.25, + 0.3, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080104/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080104/args.json new file mode 100644 index 0000000000000000000000000000000000000000..14096a7521a811696f4a5840f5aa4eb0d41bacf4 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080104/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -1 + ], + "max_bounds": [ + 0.25, + 0.3, + 1.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080137/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080137/args.json new file mode 100644 index 0000000000000000000000000000000000000000..5daaf74051365a91e6408f16e9df4ee5bbdfc614 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080137/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -1 + ], + "max_bounds": [ + 0.25, + 0.3, + 0.2 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080349/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080349/args.json new file mode 100644 index 0000000000000000000000000000000000000000..8b8e06877baf637cda6b92074b84f9b9b767f137 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080349/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -0.5 + ], + "max_bounds": [ + 0.25, + 0.3, + 0.2 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080439/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080439/args.json new file mode 100644 index 0000000000000000000000000000000000000000..a30d996eb7581e713bf17365c044991fef8123a4 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080439/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -0.7 + ], + "max_bounds": [ + 0.25, + 0.3, + -0.3 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080503/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080503/args.json new file mode 100644 index 0000000000000000000000000000000000000000..44bf34d85bb5e046dc41f8338602db462d2c1e61 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-05-28_080503/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -0.7 + ], + "max_bounds": [ + 0.25, + 0.3, + -0.2 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-06-21_173157/args.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-06-21_173157/args.json new file mode 100644 index 0000000000000000000000000000000000000000..d08dccbef81d6c2c6acb64da1ab959cdd99b2b8f --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/language_visualization/2025-06-21_173157/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bonsai/f3rm/2025-05-28_070641/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -0.85 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.15 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerf_to_world.json b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerf_to_world.json new file mode 100644 index 0000000000000000000000000000000000000000..2e96ecc7902b0a45b3329e5f7bec951f20e1ac49 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerf_to_world.json @@ -0,0 +1,29 @@ +{ + "nerf_to_world": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ], + [ + 0.0, + 0.0, + 0.0, + 1.0 + ] + ], + "info": "Identity transform for pre-centered Objaverse data" +} \ No newline at end of file diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000002000.ckpt b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000002000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..fd3f770769a79191883ad15c7fbf0892523a574d --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000002000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9555bb3ebfb9e471530566560a0467b61f90ac4aa48d454769e420bd66e8c86e +size 176741130 diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000004000.ckpt b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000004000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..266cba9bea262d0d8b7982c976fc5f9212766e9c --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000004000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cd9022c7f871537ebdc3038ce550881c91cd908ef0eea9c87899e2f05b8fa69 +size 176741130 diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000006000.ckpt b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000006000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..e13b686b558e13062c41bb8362a1c9d803149a06 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000006000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe9ac10e671ce273a37f5de50961172efdb0e133425a8f8a3259f1b5e6abd11e +size 176741130 diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000008000.ckpt b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000008000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..865cb18f1131c434fbed65f385a91e27d29cb9a9 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000008000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f45396a57a9c4a6172541a52fbf5f15870f1721ac3c0aabc8baf77d33d7cf652 +size 176741130 diff --git a/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000009999.ckpt b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000009999.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..54d351c457d7fd0526537fd25f45601f97096339 --- /dev/null +++ b/real_scene_models/bonsai/f3rm/2025-05-28_070641/nerfstudio_models/step-000009999.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6df8fe97bcbb6e03b1aab0df2bc5ad509fd1bd2e837955d0ec6050462baaaaca +size 176741130 diff --git a/real_scene_models/bonsai/gs/cameras.json b/real_scene_models/bonsai/gs/cameras.json new file mode 100644 index 0000000000000000000000000000000000000000..a9278284d6ddd660642621db894db313061205be --- /dev/null +++ b/real_scene_models/bonsai/gs/cameras.json @@ -0,0 +1 @@ +[{"id": 0, "img_name": "DSCF5565.JPG", "width": 3118, "height": 2078, "position": [-3.7212285514226, 1.9830705231664232, -0.29418564508802614], "rotation": [[0.4569205337553071, -0.23930622827978038, 0.8567124108703402], [0.639268405842538, 0.7580520782954387, -0.12920120697387533], [-0.6185139700316442, 0.6067038616149328, 0.4993504712896774]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 1, "img_name": "DSCF5566.JPG", "width": 3118, "height": 2078, "position": [-3.7020803064083108, 1.8794220892960538, -0.39910109839590346], "rotation": [[0.47184186948130497, -0.2583456261469842, 0.8429844527956075], [0.6248371908349101, 0.7725369608598944, -0.11298287062602094], [-0.6220480167590968, 0.5800380862978575, 0.5259392391617058]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 2, "img_name": "DSCF5567.JPG", "width": 3118, "height": 2078, "position": [-3.6551355453662895, 1.6494498010099143, -0.6443149930243058], "rotation": [[0.48788817233404147, -0.2836443239863126, 0.8255368124843957], [0.6045060232025135, 0.7920392580249197, -0.0851250941803679], [-0.6297123146393364, 0.540573502141644, 0.5578912883115196]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 3, "img_name": "DSCF5568.JPG", "width": 3118, "height": 2078, "position": [-3.617851614976698, 1.4268178330952328, -0.9407561748828803], "rotation": [[0.4860890651930899, -0.34096668597981994, 0.8046484572480374], [0.601309646812607, 0.7986300198964869, -0.024835457922793642], [-0.6341483496389512, 0.4959151241614596, 0.5932318773280127]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 4, "img_name": "DSCF5569.JPG", "width": 3118, "height": 2078, "position": [-3.5738527487371865, 1.1798907852423566, -1.197286773122636], "rotation": [[0.4944496214982031, -0.3958240967882853, 0.7738493756552508], [0.5833083542477319, 0.8111537446016056, 0.042201498594196765], [-0.6444151888845314, 0.43052629074254173, 0.6319621644642835]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 5, "img_name": "DSCF5570.JPG", "width": 3118, "height": 2078, "position": [-3.5037955859358725, 0.952729592705444, -1.4001075463484411], "rotation": [[0.5075053426654192, -0.45617509463144473, 0.7309874213719739], [0.5728892225496826, 0.8123267639085654, 0.10919325677100233], [-0.6436118907015902, 0.3633586543290667, 0.6735979679836439]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 6, "img_name": "DSCF5571.JPG", "width": 3118, "height": 2078, "position": [-3.3417373009503164, 0.7118185651319813, -1.6446872360545979], "rotation": [[0.5120049657935942, -0.478145075232807, 0.713602271600444], [0.5742441366342961, 0.8083579337640944, 0.1296191438861401], [-0.6388228131053496, 0.34341627502385136, 0.6884552821388694]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 7, "img_name": "DSCF5572.JPG", "width": 3118, "height": 2078, "position": [-3.163531827623637, 0.5140296521063225, -1.8265957722090331], "rotation": [[0.5391757974226906, -0.5279909310031278, 0.6561364463677168], [0.5651706604496206, 0.8044421784511404, 0.1829068235351631], [-0.6243969763223917, 0.2722101363050866, 0.7321407362332878]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 8, "img_name": "DSCF5573.JPG", "width": 3118, "height": 2078, "position": [-3.000177634438162, 0.3235507003413549, -1.998150524192494], "rotation": [[0.5729418145418838, -0.5518578049949329, 0.6059625732795945], [0.5527043248997777, 0.8060858135150192, 0.21152680796275175], [-0.6051905537816454, 0.21372558180059884, 0.7668544642221632]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 9, "img_name": "DSCF5574.JPG", "width": 3118, "height": 2078, "position": [-2.837261635065044, 0.1575075190024584, -2.14193929618645], "rotation": [[0.5975077771368585, -0.570360056870823, 0.5636256397532691], [0.5253125697889331, 0.8094838566590262, 0.2622643510471378], [-0.6058309667578222, 0.13937464380130535, 0.7832902070002802]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 10, "img_name": "DSCF5575.JPG", "width": 3118, "height": 2078, "position": [-2.637328086500816, 0.04459662112012432, -2.288946333977217], "rotation": [[0.6811424983885158, -0.5306229788837543, 0.5044642218924763], [0.47331233667001776, 0.8448112726382795, 0.24953826475965307], [-0.5585877986897124, 0.0687980225284253, 0.8265872629378944]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 11, "img_name": "DSCF5576.JPG", "width": 3118, "height": 2078, "position": [-2.4879371779924395, 0.2314223046291296, -2.4124875220692856], "rotation": [[0.7108835766498133, -0.4892607692574732, 0.5052409723242506], [0.45375078189098866, 0.867923697658901, 0.2020363407296245], [-0.5373590683917833, 0.08562916972437626, 0.838995159050056]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 12, "img_name": "DSCF5577.JPG", "width": 3118, "height": 2078, "position": [-2.4690790376123646, 0.5336060851713882, -2.3991431044867735], "rotation": [[0.7386106250323943, -0.4454417111462436, 0.5060000262454163], [0.4476539060339713, 0.8852989858405177, 0.12590347923023876], [-0.5040439712979257, 0.1335192407140529, 0.8532949591772817]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 13, "img_name": "DSCF5578.JPG", "width": 3118, "height": 2078, "position": [-2.4983859518198024, 0.9325062554445885, -2.3864111269757116], "rotation": [[0.7467065839349891, -0.4165975444484668, 0.5185323167051852], [0.43909702517177834, 0.8942971510104315, 0.08617661039934206], [-0.499622937817544, 0.1633373553542882, 0.8507043131149823]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 14, "img_name": "DSCF5579.JPG", "width": 3118, "height": 2078, "position": [-2.569075162384631, 1.29630719585694, -2.3733110635008456], "rotation": [[0.7506294852021139, -0.36712155694129994, 0.5493424600139744], [0.42054255735879315, 0.9067318168708731, 0.03132682116288543], [-0.509607038212126, 0.20750704735753198, 0.835009875331797]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 15, "img_name": "DSCF5580.JPG", "width": 3118, "height": 2078, "position": [-2.6623867820743343, 1.5716633963663265, -2.3421469607026926], "rotation": [[0.7594053215957622, -0.3280994950843532, 0.561831183592927], [0.4142243609621175, 0.9097244761762776, -0.02862789254071588], [-0.5017187821056355, 0.2544643369338616, 0.8267564120774921]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 16, "img_name": "DSCF5581.JPG", "width": 3118, "height": 2078, "position": [-2.601211591882782, 1.8172164848885934, -2.2812604200884437], "rotation": [[0.7664597598729314, -0.2995658435594132, 0.568154681286765], [0.41538618325679183, 0.9058746183867048, -0.08273750372169014], [-0.4898915749988801, 0.2994185717942008, 0.8187519548739031]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 17, "img_name": "DSCF5582.JPG", "width": 3118, "height": 2078, "position": [-2.496195905069772, 2.1316631193527407, -2.190324784333853], "rotation": [[0.7983877274364483, -0.24434873755266065, 0.5503369251061434], [0.38257217090226586, 0.9116274929219332, -0.15024595901387017], [-0.4649898608894514, 0.3304981219391286, 0.8213132293252785]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 18, "img_name": "DSCF5583.JPG", "width": 3118, "height": 2078, "position": [-2.4297308056744735, 2.3826740647501268, -2.1186553879219443], "rotation": [[0.8195293382239074, -0.19065923918794592, 0.5403894135737285], [0.3625079807990567, 0.9028419746536123, -0.23122355559189292], [-0.4438013380413305, 0.38538996265580155, 0.8090209818273472]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 19, "img_name": "DSCF5584.JPG", "width": 3118, "height": 2078, "position": [-2.4118388794050167, 2.6626495101698096, -1.9664330601160258], "rotation": [[0.8286492477918423, -0.17302720332082613, 0.5323551549905263], [0.34745650468107914, 0.9046301303653611, -0.24681633776951847], [-0.4388785726016037, 0.3894944340374112, 0.8097405043376893]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 20, "img_name": "DSCF5585.JPG", "width": 3118, "height": 2078, "position": [-2.4870457770990315, 2.8565250698860614, -1.8057770466916852], "rotation": [[0.8390904439291083, -0.1515755511227795, 0.5224481593504541], [0.3448534753827826, 0.8909742395398023, -0.29536584940186905], [-0.42071761007030417, 0.42800672515545446, 0.7998793257726036]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 21, "img_name": "DSCF5586.JPG", "width": 3118, "height": 2078, "position": [-2.4543486588691406, 3.0269657778486065, -1.7816681172854762], "rotation": [[0.8559068200372618, -0.11779251021748306, 0.5035359370991966], [0.3342297297267268, 0.8690156346677133, -0.3648318989204079], [-0.39460613677501427, 0.4805587906174808, 0.7831661672849274]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 22, "img_name": "DSCF5587.JPG", "width": 3118, "height": 2078, "position": [-2.172885579918758, 3.1654601339833306, -1.8701072971600794], "rotation": [[0.8774730985266821, -0.1110105745883496, 0.46660220069299735], [0.31803087074504793, 0.8628889473547187, -0.39278369338124514], [-0.3590227382981895, 0.49305102865994493, 0.7924666280180132]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 23, "img_name": "DSCF5588.JPG", "width": 3118, "height": 2078, "position": [-1.908002464236399, 3.2052962198401422, -2.04274398407657], "rotation": [[0.9109170772900111, -0.11311592489712566, 0.396780626840691], [0.27447493587090455, 0.8841514776589597, -0.3780736358596575], [-0.308048028528161, 0.4533000684846031, 0.8364361661428606]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 24, "img_name": "DSCF5589.JPG", "width": 3118, "height": 2078, "position": [-1.6957912840447753, 3.1196482001834367, -2.2795965583126696], "rotation": [[0.9175774592979766, -0.12812506940501217, 0.37634501827210437], [0.26621282166010357, 0.9010937966099832, -0.3422874571099155], [-0.295266557151391, 0.41426312447642155, 0.860931892734261]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 25, "img_name": "DSCF5590.JPG", "width": 3118, "height": 2078, "position": [-1.644932848008444, 2.972285589068504, -2.4275346680982772], "rotation": [[0.9217599999203661, -0.17033266827425436, 0.3483465008657028], [0.2739208401433421, 0.9218821478370908, -0.2740450306691178], [-0.2744555991084384, 0.3480231136258695, 0.896411756114445]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 26, "img_name": "DSCF5591.JPG", "width": 3118, "height": 2078, "position": [-1.60850969260694, 2.7039712126952495, -2.606198005656265], "rotation": [[0.9196343198682784, -0.18508273210431256, 0.34643484235453603], [0.2738347062832467, 0.9344366634800286, -0.22768986709794412], [-0.28157995552804704, 0.30425729937195384, 0.910022101063325]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 27, "img_name": "DSCF5592.JPG", "width": 3118, "height": 2078, "position": [-1.5723208830555087, 2.459489651432625, -2.751183774789651], "rotation": [[0.9163215020729905, -0.20547260838090764, 0.3437090514429967], [0.2743997158730331, 0.9473138837813899, -0.16523075235505694], [-0.2916499627421493, 0.2457181572455841, 0.9244257062805735]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 28, "img_name": "DSCF5593.JPG", "width": 3118, "height": 2078, "position": [-1.553362855434968, 2.2046250594324532, -2.8909134319225993], "rotation": [[0.9192066719917517, -0.21832326225226853, 0.3277103100687793], [0.2652815920129914, 0.9583678294436717, -0.10562566178007195], [-0.29100647948954855, 0.1840273258159031, 0.9388552456306279]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 29, "img_name": "DSCF5594.JPG", "width": 3118, "height": 2078, "position": [-1.5088351644315487, 1.9365352929124595, -2.9995716614162085], "rotation": [[0.9214750996995337, -0.2274404395672219, 0.3148880548436279], [0.25159377287628476, 0.9670972575471289, -0.03772887348833287], [-0.29594630270305994, 0.11399009121099542, 0.948378640112744]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 30, "img_name": "DSCF5595.JPG", "width": 3118, "height": 2078, "position": [-1.4154619212072046, 1.692457960633541, -3.0243333224264384], "rotation": [[0.9196792491486308, -0.24294420777597203, 0.30849342066487584], [0.2481986122915125, 0.9684422856587073, 0.02273737462211789], [-0.30428198688384134, 0.055656547290003466, 0.9509546893526407]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 31, "img_name": "DSCF5596.JPG", "width": 3118, "height": 2078, "position": [-1.3320052929564838, 1.4612294462151838, -3.0478934678165834], "rotation": [[0.9256836976947892, -0.2412301521298522, 0.2914064267059169], [0.23203995880063244, 0.9704475406298818, 0.06624974268036408], [-0.29877608562584673, 0.006291628471392769, 0.9543025023907641]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 32, "img_name": "DSCF5597.JPG", "width": 3118, "height": 2078, "position": [-1.3048228491661416, 1.2239871956563482, -3.0985434548884023], "rotation": [[0.9367431345028169, -0.23186701085484784, 0.26220219152225904], [0.2137848783481227, 0.972160189273583, 0.09591971737463478], [-0.277143150287926, -0.03379727309694234, 0.9602340436475343]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 33, "img_name": "DSCF5598.JPG", "width": 3118, "height": 2078, "position": [-1.1898682503840963, 1.0557501991331821, -3.108482804937164], "rotation": [[0.9532031714521156, -0.20674647122843928, 0.22058923493275204], [0.17775107382949318, 0.9734435719078391, 0.14426423002175365], [-0.2445572932588411, -0.09830314819931003, 0.9646389072435414]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 34, "img_name": "DSCF5599.JPG", "width": 3118, "height": 2078, "position": [-0.9289281168262664, 0.9718339528058534, -3.0763907706933], "rotation": [[0.9680268098150424, -0.16877124062803195, 0.18558115156498745], [0.14847388381302234, 0.981802562612805, 0.11840284571076255], [-0.20218704534363485, -0.0870631746710653, 0.9754693241262927]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 35, "img_name": "DSCF5600.JPG", "width": 3118, "height": 2078, "position": [-0.7136744348563324, 1.1468723174544753, -3.0477304741994313], "rotation": [[0.9795105976076086, -0.14942957933400564, 0.13501773955465046], [0.14289152810153596, 0.9880992855564416, 0.05693692193698031], [-0.14191899228501184, -0.036477427306650156, 0.989205942625647]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 36, "img_name": "DSCF5601.JPG", "width": 3118, "height": 2078, "position": [-0.5795130336269095, 1.399463997474284, -2.9946063652878623], "rotation": [[0.9810935761398735, -0.13295370010737675, 0.14063679634018963], [0.13516205172308496, 0.990803946183876, -0.006225753003854851], [-0.13851575589470086, 0.025116804219817195, 0.9900416817057265]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 37, "img_name": "DSCF5602.JPG", "width": 3118, "height": 2078, "position": [-0.5574538005149253, 1.6409459898000078, -2.9604403792806577], "rotation": [[0.9784970887014365, -0.13264291823162633, 0.15795348570326334], [0.1434104578331266, 0.9879153234020867, -0.058794169536133124], [-0.1482460386887486, 0.08018210542476817, 0.9856946494643993]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 38, "img_name": "DSCF5603.JPG", "width": 3118, "height": 2078, "position": [-0.6168055095874336, 1.94572235562694, -2.8436221717097485], "rotation": [[0.9689358974407879, -0.1514381756715113, 0.1955241816244206], [0.16838220564791775, 0.983010009875502, -0.07306677292523624], [-0.18113712891551875, 0.10371981215684005, 0.977973180150863]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 39, "img_name": "DSCF5604.JPG", "width": 3118, "height": 2078, "position": [-0.7164386744382627, 2.1732786001090934, -2.7037856715943986], "rotation": [[0.9670301618478917, -0.15027394799570185, 0.20559768148066593], [0.18143814858839052, 0.9730721141415565, -0.1421649004392386], [-0.1786976897255737, 0.17478100936276397, 0.9682555109333878]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 40, "img_name": "DSCF5605.JPG", "width": 3118, "height": 2078, "position": [-0.7271316173065084, 2.384356775761995, -2.6950289934079277], "rotation": [[0.9677052459390937, -0.1450545874966643, 0.20616916265079635], [0.185465682348541, 0.9635971120788381, -0.19256969196712473], [-0.1707308924973686, 0.22458800555571923, 0.9593806283783076]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 41, "img_name": "DSCF5606.JPG", "width": 3118, "height": 2078, "position": [-0.6475210949556589, 2.6177283416781942, -2.7211445755253294], "rotation": [[0.9757499179949718, -0.10128238328013146, 0.19404632531924487], [0.1499756250686302, 0.9550665511320284, -0.25564662093218876], [-0.15943465563697037, 0.2785493883422994, 0.9470959976876955]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 42, "img_name": "DSCF5607.JPG", "width": 3118, "height": 2078, "position": [-0.5984016063774663, 2.9053038788263255, -2.7235401875346494], "rotation": [[0.9839286086085007, -0.08579169193366193, 0.15660229486472826], [0.12914312111107867, 0.9475681698315205, -0.29229542896157695], [-0.12331483054129748, 0.3078219438527778, 0.9434188377657445]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 43, "img_name": "DSCF5608.JPG", "width": 3118, "height": 2078, "position": [-0.5548126000572577, 3.162947184576565, -2.667564650718913], "rotation": [[0.9857828264107442, -0.08084349372976164, 0.14729748360108025], [0.1287870661794417, 0.9265831012242909, -0.3533520172723904], [-0.10791714756486394, 0.3672983610733126, 0.9238213048064662]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 44, "img_name": "DSCF5609.JPG", "width": 3118, "height": 2078, "position": [-0.53414499086086, 3.4411615237138427, -2.5502495658867654], "rotation": [[0.9908067975029697, -0.06606717553560112, 0.1180551495643331], [0.10800276485737213, 0.9118043972052405, -0.39616681337581894], [-0.08146958208480133, 0.40527505419645043, 0.9105574323682124]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 45, "img_name": "DSCF5610.JPG", "width": 3118, "height": 2078, "position": [-0.4026247074473412, 3.6552254835823335, -2.4814124622259883], "rotation": [[0.9966277094663756, -0.0497565215689602, 0.0652495002675359], [0.07391363102860508, 0.8897048567671952, -0.45051308859236455], [-0.03563683308001422, 0.4538166550560062, 0.8903821986775146]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 46, "img_name": "DSCF5611.JPG", "width": 3118, "height": 2078, "position": [-0.10748981013642864, 3.734613059542768, -2.439554420187365], "rotation": [[0.9991190415920962, -0.040024330525270185, -0.01261719834570718], [0.029551871163644553, 0.8844832179724865, -0.4656351834169775], [0.02979643667988413, 0.46485211636717205, 0.8848868189040578]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 47, "img_name": "DSCF5612.JPG", "width": 3118, "height": 2078, "position": [0.15124767639454378, 3.6669978141313537, -2.4656067671552186], "rotation": [[0.9964280682534311, -0.03435512487981703, -0.07714162424546235], [-0.004073402359866071, 0.8928863308538842, -0.4502637089167887], [0.08434756777732576, 0.44896962655482614, 0.8895570595758707]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 48, "img_name": "DSCF5613.JPG", "width": 3118, "height": 2078, "position": [0.3502731650354369, 3.5140832841823477, -2.5727192197555873], "rotation": [[0.9958800080643891, -0.018577697700110005, -0.0887574148217237], [-0.01952312287697133, 0.9119102808373459, -0.4099249777413954], [0.08855426139267884, 0.4099689120547022, 0.9077905231593248]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 49, "img_name": "DSCF5614.JPG", "width": 3118, "height": 2078, "position": [0.4354366479541348, 3.305628081421418, -2.741262437529728], "rotation": [[0.9953139760899792, -0.011477849578989702, -0.09601222822640017], [-0.025481474067343274, 0.9266998103017114, -0.37493753621920467], [0.0932779903262907, 0.37562710306341607, 0.9220648003068298]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 50, "img_name": "DSCF5615.JPG", "width": 3118, "height": 2078, "position": [0.46224438637188037, 3.115520639624665, -2.851915549786706], "rotation": [[0.9961754805080375, -0.0168942696699413, -0.08572628352436529], [-0.010367089122786454, 0.951344893801299, -0.30795359472056055], [0.08675791317050431, 0.3076645522163943, 0.9475313123120443]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 51, "img_name": "DSCF5616.JPG", "width": 3118, "height": 2078, "position": [0.37326004917895167, 2.8417478931595053, -2.914169104484586], "rotation": [[0.9978033857358611, -0.027043217722832472, -0.06047369501897349], [0.009731773527094137, 0.9628143666273774, -0.2699884960511085], [0.06552630004868036, 0.268806919165258, 0.9609626133262484]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 52, "img_name": "DSCF5617.JPG", "width": 3118, "height": 2078, "position": [0.2937156408830651, 2.6131700153995445, -2.8884215359875394], "rotation": [[0.9995961069345856, -0.014941996017306516, -0.024173534210776504], [0.009730196600117924, 0.9791557128921775, -0.20287782822362452], [0.0267010538245935, 0.20256067403528807, 0.978905627248626]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 53, "img_name": "DSCF5618.JPG", "width": 3118, "height": 2078, "position": [0.22076043637224133, 2.357400233329992, -2.9259255927457017], "rotation": [[0.9997039947954818, -0.024075991560868103, -0.0035027732322317957], [0.02331591575609243, 0.9891982170767777, -0.1447178475675306], [0.006949162712890817, 0.1445933399658685, 0.9894667630472004]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 54, "img_name": "DSCF5619.JPG", "width": 3118, "height": 2078, "position": [0.14406718208062966, 2.1134467162881982, -2.983554958014198], "rotation": [[0.9997766593503762, -0.01944834069012768, 0.008270034014579713], [0.020154388011228524, 0.9951558629375852, -0.09622166650418647], [-0.006358621084356993, 0.09636685376907744, 0.9953255735851233]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 55, "img_name": "DSCF5620.JPG", "width": 3118, "height": 2078, "position": [0.13204927080262, 1.9113427636689826, -3.0836291657904944], "rotation": [[0.9999386281076915, 0.003200466098167101, -0.010606461938938987], [-0.0036550726665683666, 0.9990630915269152, -0.04312284304733385], [0.01045851145764937, 0.04315896390597634, 0.9990134750706082]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 56, "img_name": "DSCF5621.JPG", "width": 3118, "height": 2078, "position": [0.19674533993421495, 1.7424939445765226, -3.1319215686243034], "rotation": [[0.9993803677772068, 0.027910160813670162, -0.021445359051550428], [-0.02794621343367118, 0.9996084712666231, -0.0013832305391984798], [0.02139835639049275, 0.001981690026201181, 0.9997690649587162]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 57, "img_name": "DSCF5622.JPG", "width": 3118, "height": 2078, "position": [0.3135455617197742, 1.4981336397910003, -3.141122428691639], "rotation": [[0.9974592215297525, 0.05980859512865322, -0.03870443558556142], [-0.0592359370040946, 0.9981193093298147, 0.015778089561807866], [0.039575309885166665, -0.013445307423422233, 0.9991261274512756]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 58, "img_name": "DSCF5623.JPG", "width": 3118, "height": 2078, "position": [0.4786343741209081, 1.3379102265545497, -3.1102125436265995], "rotation": [[0.9875132742199343, 0.11407448151867121, -0.10864872712402675], [-0.11031477370263267, 0.9930903438043025, 0.04002773720296157], [0.11246414514129302, -0.027542362079145566, 0.9932739976203643]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 59, "img_name": "DSCF5624.JPG", "width": 3118, "height": 2078, "position": [0.8244813947289724, 1.4603038762846916, -3.0368314334276674], "rotation": [[0.9781371915363403, 0.13274902674591882, -0.16007913802682772], [-0.1350979911306632, 0.9908248345140162, -0.00383146221854199], [0.1581017625640527, 0.02537406566327484, 0.9870967477739231]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 60, "img_name": "DSCF5625.JPG", "width": 3118, "height": 2078, "position": [1.039217263274384, 1.6433595467876858, -2.9720845917744216], "rotation": [[0.9677426251487452, 0.12953752822050552, -0.2160885009729504], [-0.14369883331839195, 0.9883014709723082, -0.05109645561978472], [0.2069416748099523, 0.08049988358062002, 0.975035851633343]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 61, "img_name": "DSCF5626.JPG", "width": 3118, "height": 2078, "position": [1.1751763324465998, 1.8818129560950747, -2.914258609261525], "rotation": [[0.9662365883956057, 0.12327548425953098, -0.22625209441284536], [-0.14916776251916286, 0.9836299847553225, -0.10109911827148016], [0.21008530141503856, 0.13143518581727734, 0.9688080088740649]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 62, "img_name": "DSCF5627.JPG", "width": 3118, "height": 2078, "position": [1.2419317884103847, 2.07964341055929, -2.8707863438029237], "rotation": [[0.9692199735036537, 0.10356490990798607, -0.22335387258189104], [-0.14284744154375512, 0.9754561320196399, -0.16757071029773127], [0.20051745910513719, 0.19431840865196853, 0.9602255488441171]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 63, "img_name": "DSCF5628.JPG", "width": 3118, "height": 2078, "position": [1.2161481220235764, 2.3240998723706654, -2.8424867978162025], "rotation": [[0.977975287539444, 0.08598514169498014, -0.19018646736778202], [-0.12382206755791265, 0.97254925101368, -0.1970178924321695], [0.16802509499424764, 0.21622791161278046, 0.9617759914303069]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 64, "img_name": "DSCF5629.JPG", "width": 3118, "height": 2078, "position": [1.198263530782738, 2.6083341835153053, -2.787420520806649], "rotation": [[0.9755646983796273, 0.06676954805697241, -0.20932115690425177], [-0.11758355256419413, 0.963454028732955, -0.24068743773745607], [0.18560072047772377, 0.25941889285575565, 0.9477627396071464]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 65, "img_name": "DSCF5630.JPG", "width": 3118, "height": 2078, "position": [1.2350799748146262, 2.7893159014781026, -2.6414695694023966], "rotation": [[0.9728260201586562, 0.0617281315336802, -0.22315728148467512], [-0.1263247630934622, 0.9492224197624036, -0.2881299221701695], [0.1940401729839739, 0.308490576189562, 0.9312260604550228]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 66, "img_name": "DSCF5631.JPG", "width": 3118, "height": 2078, "position": [1.317751730352489, 2.930666283948548, -2.4870675277928704], "rotation": [[0.9651326190163982, 0.06042123040313673, -0.2546925649231225], [-0.14698962945807634, 0.9302025782252824, -0.33632902386623525], [0.2165942671040148, 0.3620392773990252, 0.906650144806731]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 67, "img_name": "DSCF5632.JPG", "width": 3118, "height": 2078, "position": [1.4018081989188038, 3.129529841472715, -2.2827643271651823], "rotation": [[0.9556420584361021, 0.06721525077826594, -0.2867583760081378], [-0.1696642516355222, 0.9214741852290147, -0.34942719938991823], [0.24075360405395377, 0.3825799733641821, 0.892003512389774]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 68, "img_name": "DSCF5633.JPG", "width": 3118, "height": 2078, "position": [1.5468047033180736, 3.2902251166414165, -2.109293032730028], "rotation": [[0.948428864106194, 0.055234376550323816, -0.3121407589170817], [-0.18438670105367844, 0.8971028580371863, -0.40150716877292913], [0.257845368786752, 0.43835559281091535, 0.8610227291114997]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 69, "img_name": "DSCF5634.JPG", "width": 3118, "height": 2078, "position": [1.8098750324479613, 3.314152052911246, -1.93297400923484], "rotation": [[0.9187929813056022, 0.061760297949623684, -0.3898783439750623], [-0.2278047504668031, 0.8895748934903894, -0.39593118661747245], [0.3223731582627824, 0.45259493420578184, 0.8314044577478178]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 70, "img_name": "DSCF5635.JPG", "width": 3118, "height": 2078, "position": [2.09918448526359, 3.151755595246777, -1.837271442083376], "rotation": [[0.9001828394113943, 0.09573647913612789, -0.42485924986030105], [-0.26885290632086534, 0.889622304122744, -0.36917512208999664], [0.3426207384150352, 0.44654975374526595, 0.8265617623855935]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 71, "img_name": "DSCF5636.JPG", "width": 3118, "height": 2078, "position": [2.2210290395605057, 2.9168604329157684, -1.8856990025682838], "rotation": [[0.8849839603017327, 0.13141401276233183, -0.4466920049187842], [-0.29056380146285826, 0.9054962132851995, -0.30927218595537687], [0.36383521996655854, 0.40349345097023087, 0.8395337799850698]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 72, "img_name": "DSCF5637.JPG", "width": 3118, "height": 2078, "position": [2.2170270078469407, 2.643551918667675, -2.0197428085430604], "rotation": [[0.8750044526434883, 0.16995073938987468, -0.4533033796861704], [-0.3027039662576948, 0.9228049480068391, -0.23833031017047585], [0.37780618929013043, 0.3457568135480915, 0.85890320130917]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 73, "img_name": "DSCF5638.JPG", "width": 3118, "height": 2078, "position": [2.1427397706468514, 2.3508215672982886, -2.149730820894463], "rotation": [[0.8677755049156356, 0.20163336530856527, -0.4542132308319038], [-0.31304845437886236, 0.9316425269574364, -0.1845070924798487], [0.3859615761697257, 0.3023014852075735, 0.8715775775924232]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 74, "img_name": "DSCF5639.JPG", "width": 3118, "height": 2078, "position": [2.099095047797533, 2.1245357629487716, -2.2422534763739597], "rotation": [[0.8683080371679562, 0.23097691095375178, -0.43896562416183993], [-0.31679310253610476, 0.9392016090980302, -0.13244798093296878], [0.3816847950535626, 0.25406692833569205, 0.8886881979361412]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 75, "img_name": "DSCF5640.JPG", "width": 3118, "height": 2078, "position": [1.9735725907204609, 1.8989643651734296, -2.2831231426040364], "rotation": [[0.8876825246966963, 0.24439789567521258, -0.3902427500128952], [-0.3035658989860748, 0.947870844256443, -0.09689482742310988], [0.3462188329956581, 0.2044762362674595, 0.9155992510268992]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 76, "img_name": "DSCF5641.JPG", "width": 3118, "height": 2078, "position": [1.8897181400979448, 1.6922074476115003, -2.28380011053198], "rotation": [[0.8970867794084425, 0.24805591354587392, -0.36565499308160715], [-0.28706136303931495, 0.9563016496662918, -0.05552412714792951], [0.3359033850091405, 0.15477538111873843, 0.9290928356945554]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 77, "img_name": "DSCF5642.JPG", "width": 3118, "height": 2078, "position": [1.8336436246910492, 1.4549622395045834, -2.267618130536939], "rotation": [[0.8788467152888146, 0.294956619912016, -0.3750053911561], [-0.3166350119755704, 0.9485389711262932, 0.004011165155335385], [0.3568903476101468, 0.11521463719836772, 0.9270139519758896]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 78, "img_name": "DSCF5643.JPG", "width": 3118, "height": 2078, "position": [1.8374186264196246, 1.2236057005541545, -2.2469357298586767], "rotation": [[0.8588893882074379, 0.35720500988326737, -0.3670335131005722], [-0.35491181144590245, 0.9317805880978515, 0.07630558131755873], [0.36925143861715864, 0.06472647494122652, 0.9270727363701521]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 79, "img_name": "DSCF5644.JPG", "width": 3118, "height": 2078, "position": [1.8789284555406576, 1.0346030847887504, -2.266579150690788], "rotation": [[0.8366354763594054, 0.40360651408574366, -0.3703280457708075], [-0.38118401509638455, 0.9145110098761077, 0.13552992086761068], [0.39336983403899967, 0.027773991483688174, 0.9189607059418775]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 80, "img_name": "DSCF5645.JPG", "width": 3118, "height": 2078, "position": [1.9416197151256276, 0.8379623010704981, -2.231911374163669], "rotation": [[0.806568934855701, 0.43772062734688805, -0.397299893935031], [-0.4055838245658598, 0.8987165386671836, 0.16676433784417527], [0.4300561760703711, 0.026631476134887658, 0.9024092474607109]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 81, "img_name": "DSCF5646.JPG", "width": 3118, "height": 2078, "position": [2.1189841342046294, 0.7671432456165878, -2.1252094728063993], "rotation": [[0.75894718029135, 0.45986435327449854, -0.4610032040184059], [-0.4385177664100677, 0.884326887574626, 0.16021274748065503], [0.48135366007804925, 0.08056508238686286, 0.8728160868301318]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 82, "img_name": "DSCF5647.JPG", "width": 3118, "height": 2078, "position": [2.303909104553652, 0.8511372431717618, -2.000640297250837], "rotation": [[0.7390143046481925, 0.43160919232148903, -0.5172730058962484], [-0.44190799571855827, 0.8901204498250943, 0.11136834434963228], [0.5085028818456735, 0.1462842777155612, 0.8485432983931234]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 83, "img_name": "DSCF5648.JPG", "width": 3118, "height": 2078, "position": [2.405662724647429, 1.0584401876364573, -1.8699231199794457], "rotation": [[0.7166885884958468, 0.4328367134762176, -0.5468179281871958], [-0.449904123783499, 0.886063922182872, 0.11170051570385753], [0.5328637222803151, 0.1659611559161128, 0.8297669240241834]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 84, "img_name": "DSCF5649.JPG", "width": 3118, "height": 2078, "position": [2.518477560684166, 1.1772160307021515, -1.7588703496469449], "rotation": [[0.7121500991578424, 0.3992481559989296, -0.577445362091453], [-0.4502344244419165, 0.8908467550454996, 0.06067142714952178], [0.5386382824465146, 0.21677861738731985, 0.8141718686657693]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 85, "img_name": "DSCF5650.JPG", "width": 3118, "height": 2078, "position": [2.600777214487086, 1.3046300825443733, -1.709454541361895], "rotation": [[0.7005648655307696, 0.3561399596448172, -0.618363322269394], [-0.451506740889649, 0.8922645786147747, 0.00236319288377217], [0.5525853165937924, 0.27753963841870666, 0.785888807014931]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 86, "img_name": "DSCF5651.JPG", "width": 3118, "height": 2078, "position": [2.6734666822072906, 1.480078450909509, -1.6061027844910019], "rotation": [[0.6947203626987206, 0.3424789590457175, -0.6325122767683802], [-0.44780982247391005, 0.8940953537023237, -0.007737013881442949], [0.5628765233580482, 0.28862027146213803, 0.7745116902626314]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 87, "img_name": "DSCF5652.JPG", "width": 3118, "height": 2078, "position": [2.7520398201339007, 1.6542829731890882, -1.5194822969795085], "rotation": [[0.6849273813971416, 0.33162715930919573, -0.6487664521389555], [-0.46952994383520075, 0.8817705804898127, -0.04496971452846492], [0.5571499924208629, 0.3354162646491248, 0.7596576961725989]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 88, "img_name": "DSCF5653.JPG", "width": 3118, "height": 2078, "position": [2.840813222516746, 1.83501326518184, -1.4502222651948369], "rotation": [[0.6746649002054113, 0.31235248279578276, -0.6687773911565287], [-0.479182752586132, 0.8745081863663723, -0.07496213445584277], [0.5614366946101761, 0.3710409121235935, 0.7396739007668794]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 89, "img_name": "DSCF5654.JPG", "width": 3118, "height": 2078, "position": [2.8890885782997313, 2.0618528481934457, -1.3591516272587012], "rotation": [[0.6771256306597263, 0.30810512593767897, -0.66826051183247], [-0.4802784910237238, 0.8730734827940141, -0.084114592681087], [0.5575243953080823, 0.37790729685050706, 0.7391566976112034]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 90, "img_name": "DSCF5655.JPG", "width": 3118, "height": 2078, "position": [2.8181183620402965, 2.2371677300665262, -1.290826186273069], "rotation": [[0.715396858270564, 0.2551689483836517, -0.650458409859837], [-0.4475530587757589, 0.8822351685823699, -0.14614159879000627], [0.5365664868001624, 0.3956638915761941, 0.745349911213326]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 91, "img_name": "DSCF5656.JPG", "width": 3118, "height": 2078, "position": [2.8395129917382107, 2.3564102798913362, -1.2032218447623426], "rotation": [[0.7328652439804711, 0.19756845631982553, -0.6510570168831955], [-0.42006088915615447, 0.8841442781238062, -0.2045427702517848], [0.5352171368396058, 0.42338587662832444, 0.7309493935320558]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 92, "img_name": "DSCF5657.JPG", "width": 3118, "height": 2078, "position": [2.9434592434847664, 2.397196095726078, -1.03980822947048], "rotation": [[0.6920937570407527, 0.19781072683572481, -0.6941737158766079], [-0.45228424899444164, 0.8683505925017981, -0.2034851508422912], [0.5625346118922365, 0.45479464030537825, 0.6904467000230735]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 93, "img_name": "DSCF5658.JPG", "width": 3118, "height": 2078, "position": [3.035006030656196, 2.539410482635338, -0.8541048261980149], "rotation": [[0.6427657664543135, 0.18713957351506466, -0.7428532489657689], [-0.4823727438124834, 0.8521916339263064, -0.20269670715832663], [0.5951207486730864, 0.4886186642880233, 0.6380306382989557]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 94, "img_name": "DSCF5659.JPG", "width": 3118, "height": 2078, "position": [3.153072929739959, 2.5337761874899063, -0.6196772825324554], "rotation": [[0.5878213516009972, 0.15455992650067346, -0.794088967132829], [-0.49531815220596237, 0.8448478371835085, -0.20221785307340864], [0.6396295699053071, 0.512194651598837, 0.5731759347497922]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 95, "img_name": "DSCF5660.JPG", "width": 3118, "height": 2078, "position": [3.3403699534871225, 2.2711233366842176, -0.47530329974922125], "rotation": [[0.5412584857918387, 0.16017848181158967, -0.8254587242999253], [-0.5369095034779927, 0.821343104351716, -0.19267508922769855], [0.6471224278553026, 0.5474836608506417, 0.5305602741142973]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 96, "img_name": "DSCF5661.JPG", "width": 3118, "height": 2078, "position": [3.540593264276581, 2.0978015693758256, -0.4306125174411022], "rotation": [[0.49216478309945283, 0.17439082691715643, -0.85285500864087], [-0.550804837513097, 0.821049845322524, -0.14997060534661558], [0.6740829750474637, 0.5435669149083762, 0.5001471301208783]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 97, "img_name": "DSCF5662.JPG", "width": 3118, "height": 2078, "position": [3.7940305085939263, 1.9470907335291032, -0.5344604514165908], "rotation": [[0.45218407537591426, 0.2107534163131347, -0.8666675022687604], [-0.5673473716968487, 0.8177264724860346, -0.09716159747670011], [0.6882198208458596, 0.5356364566643023, 0.4893332856928943]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 98, "img_name": "DSCF5663.JPG", "width": 3118, "height": 2078, "position": [3.9510920733330672, 1.706060105381651, -0.7003346051470344], "rotation": [[0.4522915101314757, 0.2774704523792997, -0.8476098972519232], [-0.559058922550163, 0.8286868067237521, -0.027042512439516234], [0.6948996409410786, 0.4860949746895327, 0.5299303393857938]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 99, "img_name": "DSCF5664.JPG", "width": 3118, "height": 2078, "position": [3.884430556770144, 1.4996398230158863, -0.8865874058759258], "rotation": [[0.43393402433565054, 0.34545800895359075, -0.8320817427234464], [-0.5757629941241235, 0.8166951566531986, 0.03880716037578385], [0.6929633735783525, 0.46224212827156735, 0.5532937535612347]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 100, "img_name": "DSCF5665.JPG", "width": 3118, "height": 2078, "position": [3.7588620092744653, 1.3343398208267114, -1.0141061806088023], "rotation": [[0.45192315444516507, 0.4159751999544757, -0.7891324955285809], [-0.5797874459032244, 0.8092629156169667, 0.09455184281727096], [0.6779468858615308, 0.4147989469971689, 0.6069018483417995]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 101, "img_name": "DSCF5666.JPG", "width": 3118, "height": 2078, "position": [3.639426075461042, 1.1762752849202482, -1.0737485832568707], "rotation": [[0.4652733828428002, 0.45499258547782684, -0.759277568731106], [-0.5802763643828543, 0.8045311908028989, 0.12652629751907754], [0.6684310137603082, 0.3817215086754633, 0.6383483920696397]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 102, "img_name": "DSCF5667.JPG", "width": 3118, "height": 2078, "position": [3.605613506045771, 0.9202621355730469, -0.9956433277888095], "rotation": [[0.41445943690544157, 0.5032357610517493, -0.7582724734280487], [-0.5919527998605102, 0.7819312293585132, 0.19538535075892194], [0.6912418230238441, 0.367882211247773, 0.6219705947632268]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 103, "img_name": "DSCF5668.JPG", "width": 3118, "height": 2078, "position": [3.643831087702827, 0.6980373219110294, -0.8998076200063114], "rotation": [[0.3340227561732173, 0.5571208104748953, -0.7602928389076431], [-0.624884816800333, 0.7347682203462368, 0.26388373974468027], [0.7056541391438595, 0.3869522772965936, 0.5935656416977979]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 104, "img_name": "DSCF5669.JPG", "width": 3118, "height": 2078, "position": [3.597732884554906, 0.562603446663477, -0.918454207943218], "rotation": [[0.31410131718435685, 0.6013153885724822, -0.7346837183502685], [-0.6138133609376772, 0.7189803669240685, 0.3260374056946911], [0.7242744786870821, 0.34854990380669526, 0.5949280999237628]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 105, "img_name": "DSCF5670.JPG", "width": 3118, "height": 2078, "position": [3.4414193349901256, 0.4301378163335142, -0.9812681243384062], "rotation": [[0.3303202828300442, 0.6194010574884067, -0.712201404613416], [-0.6247240581450579, 0.7090985173438206, 0.32695434524649725], [0.70753682725767, 0.33692969991236893, 0.6211843650568738]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 106, "img_name": "DSCF5671.JPG", "width": 3118, "height": 2078, "position": [3.298236939387617, 0.289298079823032, -1.076198863793522], "rotation": [[0.34570189139633567, 0.6302856722552144, -0.6951475912601499], [-0.623276555633818, 0.7080259199186507, 0.33200245770263864], [0.7014389050246925, 0.3184953187617375, 0.6376081825420836]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 107, "img_name": "DSCF5672.JPG", "width": 3118, "height": 2078, "position": [3.2060330679910805, 0.14968377567033714, -1.1349862502876744], "rotation": [[0.320080777227984, 0.6569499827765216, -0.6826163023097654], [-0.63458492993903, 0.6836725677523623, 0.3604078062378334], [0.7034559422902087, 0.3178184076368441, 0.6357210056493139]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 108, "img_name": "DSCF5673.JPG", "width": 3118, "height": 2078, "position": [3.146477915523885, -0.0929583318775772, -1.0508821406441473], "rotation": [[0.24695004972511794, 0.7064399870911473, -0.6632934626388391], [-0.6516856657613753, 0.6276561947759663, 0.42585618957637256], [0.7171620918466861, 0.32709363460332536, 0.6153765418181549]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 109, "img_name": "DSCF5674.JPG", "width": 3118, "height": 2078, "position": [3.148088313160875, -0.3214647907841123, -0.8755107503790115], "rotation": [[0.15309955541992834, 0.7030476739434666, -0.6944670577449314], [-0.6436089948673934, 0.6042086646304612, 0.4697864954543269], [0.7498853164691278, 0.3750411414073877, 0.5449918847064054]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 110, "img_name": "DSCF5675.JPG", "width": 3118, "height": 2078, "position": [3.33411820924508, -0.280545617968139, -0.6311596115722634], "rotation": [[0.11010841172281426, 0.6741100133833359, -0.7303778662611551], [-0.6526580434110248, 0.6032552502501921, 0.45838911572644314], [0.7496089754257025, 0.4262144916610609, 0.5063867998470454]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 111, "img_name": "DSCF5676.JPG", "width": 3118, "height": 2078, "position": [3.470549219591261, -0.07848000199755092, -0.44557968701311296], "rotation": [[0.08523409562001892, 0.623056312831904, -0.7775191187258033], [-0.6603766617384662, 0.6196642337595885, 0.42416848307046745], [0.7460816400200426, 0.4773018630169537, 0.46426836849558095]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 112, "img_name": "DSCF5677.JPG", "width": 3118, "height": 2078, "position": [3.5098341492704925, 0.18637305137781005, -0.3621340065212973], "rotation": [[0.09422952186800648, 0.6079208949956384, -0.788386315606904], [-0.669865584039453, 0.6245478711769754, 0.4015221736439852], [0.7364787142395964, 0.49027761731085595, 0.466076132660728]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 113, "img_name": "DSCF5678.JPG", "width": 3118, "height": 2078, "position": [3.556321349939704, 0.4032313224176777, -0.32951340514013683], "rotation": [[0.1460277212995893, 0.5495469885932145, -0.8226019766206367], [-0.6522588596786424, 0.6786641339666565, 0.33759942718850283], [0.7437972066247399, 0.48725055217559027, 0.4575506691305521]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 114, "img_name": "DSCF5679.JPG", "width": 3118, "height": 2078, "position": [3.6814047933309446, 0.5840007658129335, -0.23972038920150554], "rotation": [[0.16837523763032486, 0.5026262948585065, -0.8479484577907673], [-0.6634058478997213, 0.6940333478040878, 0.2796612113045028], [0.7290695853794636, 0.5154459427065652, 0.45030325317718606]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 115, "img_name": "DSCF5680.JPG", "width": 3118, "height": 2078, "position": [3.7632687325568166, 0.7581283744226337, -0.10581998810555031], "rotation": [[0.12473946760865366, 0.4718143368763082, -0.8728294774689265], [-0.6667801631244894, 0.6913027875631199, 0.27839660553092094], [0.7347409606687164, 0.5472583370086104, 0.40082918218385943]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 116, "img_name": "DSCF5681.JPG", "width": 3118, "height": 2078, "position": [3.8291783083203317, 0.8843274698216694, 0.036952558903945255], "rotation": [[0.13482744714528674, 0.4163098541767121, -0.8991705426734405], [-0.6668139209879775, 0.7093487275577547, 0.22843725065941764], [0.7329261588133722, 0.5687798238576672, 0.3732408842818762]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 117, "img_name": "DSCF5682.JPG", "width": 3118, "height": 2078, "position": [3.895735366154615, 0.9820863214204731, 0.1836671509073355], "rotation": [[0.14584359681318723, 0.35179973789907387, -0.9246440340383617], [-0.6538536554638905, 0.7356811262459526, 0.17677295529009612], [0.7424318436766436, 0.5788006780400565, 0.33731992617583434]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 118, "img_name": "DSCF5683.JPG", "width": 3118, "height": 2078, "position": [3.9569871360331392, 1.0793530682957766, 0.3165658409214955], "rotation": [[0.1362629801484751, 0.2829558545542886, -0.9494042261410618], [-0.6329674110534598, 0.7620887483886254, 0.13628277999710342], [0.7620922888898277, 0.582371637318397, 0.2829463186927029]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 119, "img_name": "DSCF5684.JPG", "width": 3118, "height": 2078, "position": [4.0305036730885115, 1.1833060162013225, 0.47773378288854784], "rotation": [[0.13622145091525859, 0.23308138086617547, -0.9628690389684665], [-0.614430324305697, 0.7822920327436742, 0.10244292107981937], [0.7771223152658386, 0.5776610125318195, 0.24977722417501422]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 120, "img_name": "DSCF5685.JPG", "width": 3118, "height": 2078, "position": [4.076061199388371, 1.2903109427403936, 0.6546119019618829], "rotation": [[0.0759137904724299, 0.20741573876794483, -0.9753029312615932], [-0.6167485807542697, 0.7783377874441983, 0.11752223948710239], [0.7834910877308702, 0.592595139996792, 0.18700993422404186]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 121, "img_name": "DSCF5686.JPG", "width": 3118, "height": 2078, "position": [4.106911409900003, 1.293006721443651, 0.9253348106085001], "rotation": [[0.04794180258922584, 0.1942740394310699, -0.9797750666186756], [-0.5953748487533994, 0.793163964492407, 0.1281394353918977], [0.8020164418740817, 0.5771901965849927, 0.153691587049568]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 122, "img_name": "DSCF5687.JPG", "width": 3118, "height": 2078, "position": [4.219582453821573, 1.1982342193903774, 1.0964859214730125], "rotation": [[-0.0238167711432478, 0.20162544950225322, -0.9791730896656241], [-0.5912099546844745, 0.7869833887266291, 0.1764311065269752], [0.8061659574146578, 0.5830988972561736, 0.10045956960062422]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 123, "img_name": "DSCF5688.JPG", "width": 3118, "height": 2078, "position": [4.380214989122355, 1.0004289829320545, 1.1998026076373067], "rotation": [[-0.08709766545231591, 0.2128010736205005, -0.9732058876408006], [-0.6042659495877599, 0.7653933639663898, 0.22143997056768322], [0.7920079916525837, 0.6073620843139419, 0.06192446767041927]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 124, "img_name": "DSCF5689.JPG", "width": 3118, "height": 2078, "position": [4.519165358040948, 0.7786484600338548, 1.2825495256021822], "rotation": [[-0.1347618776782022, 0.2706521613549858, -0.95319811365661], [-0.6213572791266821, 0.7262533479526957, 0.2940598685026347], [0.7718512602833083, 0.6319046463995776, 0.07030042572910382]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 125, "img_name": "DSCF5690.JPG", "width": 3118, "height": 2078, "position": [4.496632992754057, 0.476501554847971, 1.2182990463315768], "rotation": [[-0.14796432478221647, 0.30293110725440564, -0.9414559484380365], [-0.6336568643139452, 0.7018412278601626, 0.32541952796898627], [0.7593322967578564, 0.644710504903836, 0.08810691214132733]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 126, "img_name": "DSCF5691.JPG", "width": 3118, "height": 2078, "position": [4.427730999244084, 0.18141750709616866, 1.0909897089811844], "rotation": [[-0.14654533745095125, 0.34505458182374116, -0.9270716259458217], [-0.6401866019550094, 0.6813774299985594, 0.35480404812495664], [0.7541124443666771, 0.6454937129445965, 0.12104663481614687]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 127, "img_name": "DSCF5692.JPG", "width": 3118, "height": 2078, "position": [4.309306135400296, -0.025158702640772263, 0.8410801521350484], "rotation": [[-0.14483741451959875, 0.40316295566247273, -0.9035937995232022], [-0.6414552545900534, 0.6570622396571443, 0.39598531484835053], [0.75336397558822, 0.6369684799095137, 0.1634438003953522]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 128, "img_name": "DSCF5693.JPG", "width": 3118, "height": 2078, "position": [4.204579137877042, -0.1092082336228298, 0.6376532707265387], "rotation": [[-0.12364039521680911, 0.47568954828708426, -0.8708803053928024], [-0.6487006937684608, 0.625379994336563, 0.4336902957041095], [0.7509330613143548, 0.6185622978601509, 0.2312579103317789]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 129, "img_name": "DSCF5694.JPG", "width": 3118, "height": 2078, "position": [4.055039906426005, -0.22690369966071194, 0.5178143018492348], "rotation": [[-0.11213323533032628, 0.5377025930373919, -0.835644696611675], [-0.6447397059538301, 0.6005352837417676, 0.4729356029606601], [0.7561328250386448, 0.5918051152381667, 0.27933824742956026]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 130, "img_name": "DSCF5695.JPG", "width": 3118, "height": 2078, "position": [3.8577463321352696, -0.4049440648289756, 0.5116207878607739], "rotation": [[-0.16643757243803178, 0.5766715118571296, -0.7998427982380957], [-0.6410978241845264, 0.5530248264561534, 0.5321250991533923], [0.7491943101137389, 0.6013430873765439, 0.27765874190748135]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 131, "img_name": "DSCF5696.JPG", "width": 3118, "height": 2078, "position": [3.690751641659484, -0.6164160687830812, 0.5074024765433731], "rotation": [[-0.2144128538554049, 0.5922192799630143, -0.7767261116646393], [-0.6338355462743024, 0.5206811719080658, 0.5719646995222691], [0.7431551845884793, 0.6149532028215905, 0.2637288948119462]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 132, "img_name": "DSCF5697.JPG", "width": 3118, "height": 2078, "position": [3.573498725848458, -0.7806237202507764, 0.4096804200116249], "rotation": [[-0.2509982337400438, 0.6272147713581122, -0.737293372579443], [-0.6334409814366848, 0.46952002118975794, 0.615063795665538], [0.7319510978855815, 0.6214117638829829, 0.2794548443164513]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 133, "img_name": "DSCF5698.JPG", "width": 3118, "height": 2078, "position": [3.472903564902275, -0.8174923918779707, 0.24995552991646966], "rotation": [[-0.2526265260792773, 0.6644028008381391, -0.7033837903730452], [-0.6436357392455473, 0.42739416078015113, 0.6348757882427618], [0.7224353766856617, 0.613109410765702, 0.3196622857698103]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 134, "img_name": "DSCF5699.JPG", "width": 3118, "height": 2078, "position": [3.3888079364696067, -0.8760942961247387, 0.1047344422044972], "rotation": [[-0.25840582116136046, 0.68991251495124, -0.6762005274351522], [-0.6401781207976696, 0.4019138428422716, 0.6547039304782906], [0.7234627877381719, 0.6020680897086417, 0.3378100207405037]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 135, "img_name": "DSCF5700.JPG", "width": 3118, "height": 2078, "position": [3.251812436105835, -1.0850651849563526, 0.052058083668537224], "rotation": [[-0.32019782536603214, 0.6976945416819125, -0.6408554276419369], [-0.62899683467046, 0.34927670015977297, 0.6945277306919013], [0.7084040757967206, 0.6254823044921145, 0.3270100184425972]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 136, "img_name": "DSCF5701.JPG", "width": 3118, "height": 2078, "position": [3.1721624744355896, -1.2390420292324575, 0.3849378886630962], "rotation": [[-0.4281123187110669, 0.6217471343538558, -0.6558584782486254], [-0.6264130020067169, 0.31894833168748504, 0.7112515115138264], [0.6514035565490618, 0.7153338120322136, 0.25292477909191663]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 137, "img_name": "DSCF5702.JPG", "width": 3118, "height": 2078, "position": [3.1669598195788966, -1.3048585925322171, 0.7213416546883089], "rotation": [[-0.5086937677410003, 0.5641464570088824, -0.6503609964518093], [-0.595187909422345, 0.3153809994866552, 0.7391117490882262], [0.6220787756698695, 0.7630685422733161, 0.17534080145235031]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 138, "img_name": "DSCF5703.JPG", "width": 3118, "height": 2078, "position": [3.2616939047025486, -1.2669126848830916, 0.9476590204235967], "rotation": [[-0.5398102754878835, 0.49914799541045785, -0.677831944625965], [-0.5822701631714655, 0.36011248701070625, 0.7288898776764833], [0.60791966867175, 0.7881435626690644, 0.09624656391448096]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 139, "img_name": "DSCF5704.JPG", "width": 3118, "height": 2078, "position": [3.4063040727110914, -1.1539012649742073, 1.0936660399427172], "rotation": [[-0.5200653906346986, 0.48523352487706406, -0.702908540138301], [-0.5810672941234961, 0.40217016770477937, 0.7075450204109331], [0.6260134097317535, 0.7764068408661073, 0.07279854594931377]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 140, "img_name": "DSCF5705.JPG", "width": 3118, "height": 2078, "position": [3.531252197070408, -1.0542184958377805, 1.2443039966348126], "rotation": [[-0.5079117564746187, 0.45262254008847375, -0.7329109658333166], [-0.5886267873896904, 0.43883092235623333, 0.6789299866343138], [0.6289230102342889, 0.7762475492958644, 0.043538367103108294]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 141, "img_name": "DSCF5706.JPG", "width": 3118, "height": 2078, "position": [3.5868465880219382, -0.9556804462502014, 1.4806656039132329], "rotation": [[-0.5130183874477702, 0.3887107090245173, -0.7653209253836889], [-0.5982702916237247, 0.47743270110167246, 0.6435298548468626], [0.615536182771535, 0.7880114216230739, -0.012377685188650438]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 142, "img_name": "DSCF5707.JPG", "width": 3118, "height": 2078, "position": [3.644180407716099, -0.8410166009514866, 1.718840536085211], "rotation": [[-0.5449547860974499, 0.34260777708589146, -0.7652739327781565], [-0.5952235261809248, 0.4847491982229694, 0.6408799955552785], [0.5905363959911598, 0.8047596696545201, -0.060238186454435926]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 143, "img_name": "DSCF5708.JPG", "width": 3118, "height": 2078, "position": [3.759335402519743, -0.7148275503745738, 1.8581916248777492], "rotation": [[-0.49903543069682177, 0.33543505158110243, -0.7990287636124375], [-0.5960458835119816, 0.5364408778307072, 0.5974617053340252], [0.6290412893106926, 0.7744123648050847, -0.06776832283108267]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 144, "img_name": "DSCF5709.JPG", "width": 3118, "height": 2078, "position": [3.888699237367593, -0.6150514407849094, 1.9927082825045879], "rotation": [[-0.4743170140514768, 0.31008763979035275, -0.8239350859324656], [-0.594315240241322, 0.5776732504562205, 0.5595382122109663], [0.6494711428525448, 0.7550756726028149, -0.08971044111593737]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 145, "img_name": "DSCF5710.JPG", "width": 3118, "height": 2078, "position": [4.000913358231964, -0.49548403946522773, 2.1139456080785344], "rotation": [[-0.48408786132229575, 0.27082176033322886, -0.83205439524734], [-0.5888004156763038, 0.6025928094709802, 0.5386984095700329], [0.6472812472332389, 0.7506913347734088, -0.1322478993266068]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 146, "img_name": "DSCF5711.JPG", "width": 3118, "height": 2078, "position": [4.011794333380421, -0.4088548856691345, 2.2961776403367486], "rotation": [[-0.46919948946829054, 0.23323131738206374, -0.8517364567017912], [-0.5883432443870887, 0.636707839785933, 0.4984529602070842], [0.65856211997561, 0.7349872647518172, -0.16152292340677957]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 147, "img_name": "DSCF5712.JPG", "width": 3118, "height": 2078, "position": [3.9718852827782025, -0.3120749646250845, 2.4742489178617295], "rotation": [[-0.4870214778403734, 0.19866729756606827, -0.8504947883438051], [-0.5744188005082309, 0.6606832975801956, 0.4832604079802566], [0.6579157406118689, 0.7238983942352366, -0.20764872520384545]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 148, "img_name": "DSCF5713.JPG", "width": 3118, "height": 2078, "position": [3.925551613321016, -0.3140988732915972, 2.705967620428825], "rotation": [[-0.5453529222117189, 0.18351896410735874, -0.8178697818406674], [-0.5520498852398011, 0.6555904343503395, 0.5152107399841888], [0.6307385468178248, 0.7324766018114809, -0.25621653607221334]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 149, "img_name": "DSCF5714.JPG", "width": 3118, "height": 2078, "position": [3.7782301022234437, -0.4668978556945251, 2.8852797943316535], "rotation": [[-0.625083871146573, 0.1754920953287883, -0.760573913902867], [-0.5132983019399989, 0.6416579240865998, 0.5699122403338859], [0.5880433719190516, 0.7466442479079219, -0.3110102246037664]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 150, "img_name": "DSCF5715.JPG", "width": 3118, "height": 2078, "position": [3.614034032183385, -0.6468823640282813, 2.9980656886327512], "rotation": [[-0.6600404186270754, 0.18920815767095875, -0.727012323725916], [-0.50521829523876, 0.6044190161585012, 0.6159806223104995], [0.5559686321499044, 0.7738720346263656, -0.303349557587634]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 151, "img_name": "DSCF5716.JPG", "width": 3118, "height": 2078, "position": [3.523254220659696, -0.8667449188825138, 2.934602766414254], "rotation": [[-0.6890795856720068, 0.2261086973531869, -0.6885086648629337], [-0.48554797600475574, 0.5612395172046679, 0.6702636550832488], [0.5379707125929625, 0.7961689904217045, -0.27695207362123764]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 152, "img_name": "DSCF5717.JPG", "width": 3118, "height": 2078, "position": [3.4589640262491854, -1.0788407387434225, 2.8113774028964205], "rotation": [[-0.7026382001165746, 0.24069613588005623, -0.6696005749021945], [-0.47694127026839683, 0.5390379968949648, 0.6942370363342997], [0.5280403246454838, 0.8071576104304992, -0.26395076713739307]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 153, "img_name": "DSCF5718.JPG", "width": 3118, "height": 2078, "position": [3.3869161621301345, -1.2564263814551277, 2.687026019128834], "rotation": [[-0.7179895930171283, 0.25463740123755607, -0.6478045524771205], [-0.46670277231821544, 0.5143687290433251, 0.7194534959904262], [0.5164101728564131, 0.8188923033423494, -0.2504714133330811]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 154, "img_name": "DSCF5719.JPG", "width": 3118, "height": 2078, "position": [3.309272954272649, -1.4622157020784838, 2.523477725700286], "rotation": [[-0.7303185712904242, 0.2774870913875262, -0.6242080570944311], [-0.4689743038742715, 0.46073818534561256, 0.7535140522047843], [0.49668691016973293, 0.8430428451020284, -0.20635133774298905]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 155, "img_name": "DSCF5720.JPG", "width": 3118, "height": 2078, "position": [3.1716656889565153, -1.63069936625414, 2.3876623049533956], "rotation": [[-0.7342150149656224, 0.3040709143815928, -0.6070166314246851], [-0.474191331565969, 0.41018765009689795, 0.7790305980997648], [0.48587127190926105, 0.8598179869804577, -0.15697813987351808]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 156, "img_name": "DSCF5721.JPG", "width": 3118, "height": 2078, "position": [2.970603887860606, -1.7679418373957307, 2.2417614642592043], "rotation": [[-0.7671081913560394, 0.3376997326313612, -0.5454391930684598], [-0.45036255039511364, 0.32200718819273905, 0.8327574340429597], [0.4568573037131771, 0.8844604351427557, -0.09492703888256769]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 157, "img_name": "DSCF5722.JPG", "width": 3118, "height": 2078, "position": [2.811528248789091, -2.001030320432796, 2.09235088220152], "rotation": [[-0.8056338033399835, 0.3184312061716746, -0.49955554431114496], [-0.41619354566548683, 0.2958710055652928, 0.8597925799936706], [0.42158878953589607, 0.900589759547506, -0.10583467076446514]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 158, "img_name": "DSCF5723.JPG", "width": 3118, "height": 2078, "position": [2.6619118018438064, -2.1772909436057266, 1.9604730972687294], "rotation": [[-0.8508415214106047, 0.30419548954914716, -0.42840846114618436], [-0.3754025295884524, 0.2185230857284459, 0.900733368862456], [0.36761616697620664, 0.9272069699596055, -0.07173275845838331]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 159, "img_name": "DSCF5724.JPG", "width": 3118, "height": 2078, "position": [2.5842600499803097, -2.2879295717888377, 1.7355929626548876], "rotation": [[-0.8695498002950077, 0.2886448861944682, -0.40070846569631335], [-0.3605906744773915, 0.1833054883373842, 0.9145345610884985], [0.33742778529168427, 0.9397250808716215, -0.05531059657943774]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 160, "img_name": "DSCF5725.JPG", "width": 3118, "height": 2078, "position": [2.5923405704687266, -2.3499422026015426, 1.5266579328963754], "rotation": [[-0.8706961897129242, 0.30333247444144396, -0.38714022675075604], [-0.35759001876231244, 0.14998824121334547, 0.9217553395447713], [0.33766480968701057, 0.9410063429366236, -0.022125524899468438]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 161, "img_name": "DSCF5726.JPG", "width": 3118, "height": 2078, "position": [2.5307049124994485, -2.4435355693938754, 1.3726928012167288], "rotation": [[-0.8713176966051008, 0.30615053921752894, -0.3835066087039405], [-0.3657589939206083, 0.11584294420369314, 0.9234721277030532], [0.3271480245224866, 0.9449085985506939, 0.011041305900940206]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 162, "img_name": "DSCF5727.JPG", "width": 3118, "height": 2078, "position": [2.4150429059513496, -2.530558249024997, 1.4054951216999692], "rotation": [[-0.8880557908347637, 0.2938738621123546, -0.3535464121328481], [-0.3295144307864924, 0.1293902346399599, 0.9352424322512689], [0.3205887587990178, 0.9470461025456917, -0.01807006875250406]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 163, "img_name": "DSCF5728.JPG", "width": 3118, "height": 2078, "position": [2.2332371399779793, -2.5634368085330568, 1.664277334894697], "rotation": [[-0.9060647932976249, 0.2581205394272596, -0.3352914813595962], [-0.2936799887005725, 0.18685259133824417, 0.9374636917486536], [0.30462871595331176, 0.9478712445453568, -0.09349571744562842]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 164, "img_name": "DSCF5729.JPG", "width": 3118, "height": 2078, "position": [2.0573275738709604, -2.564553027272942, 1.9420669321636792], "rotation": [[-0.9316335517099691, 0.18612272450267445, -0.3121173765620393], [-0.27212563190870676, 0.2119204340704364, 0.9386359092223592], [0.24084552266246373, 0.9593998441979754, -0.14678342265509856]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 165, "img_name": "DSCF5730.JPG", "width": 3118, "height": 2078, "position": [2.0367513322381248, -2.518383825555699, 2.2081967347432063], "rotation": [[-0.9427925059235074, 0.14518916437836485, -0.30010397751710144], [-0.2594691597074898, 0.24565863300991203, 0.9339847917329223], [0.2093276043314926, 0.9584215891635648, -0.19393300773727104]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 166, "img_name": "DSCF5731.JPG", "width": 3118, "height": 2078, "position": [2.1302229579175314, -2.4512258514073455, 2.4507900704509935], "rotation": [[-0.9269916720367798, 0.1499726124486596, -0.3437944960143762], [-0.28740494511234077, 0.30494203076656673, 0.9079695784534493], [0.2410079614855641, 0.9404884759460298, -0.23957585252542912]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 167, "img_name": "DSCF5732.JPG", "width": 3118, "height": 2078, "position": [2.2107708658263583, -2.3561730013871878, 2.7574836190107797], "rotation": [[-0.9200447678634718, 0.16073143322051608, -0.3573276248793661], [-0.29118350567871343, 0.3297215697423987, 0.8980511413428878], [0.2621636724409102, 0.9302951643545653, -0.2565562628953107]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 168, "img_name": "DSCF5733.JPG", "width": 3118, "height": 2078, "position": [2.2461007464805585, -2.2863990268850727, 2.936890061816201], "rotation": [[-0.9272690572288782, 0.1381978211019022, -0.34795611468769055], [-0.27327740308212545, 0.3854333211783699, 0.8813402384380852], [0.25591318150997266, 0.9123280754027565, -0.3196340506913262]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 169, "img_name": "DSCF5734.JPG", "width": 3118, "height": 2078, "position": [2.17309165127947, -2.198592838590826, 3.109608190063135], "rotation": [[-0.927944018552533, 0.12256656412213963, -0.35199053366797994], [-0.2652195281469986, 0.44639243363818365, 0.8546299767034052], [0.2618749707819732, 0.8864035382092476, -0.3817201424185881]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 170, "img_name": "DSCF5735.JPG", "width": 3118, "height": 2078, "position": [2.0878536481091516, -2.0935640839731007, 3.3468856644019387], "rotation": [[-0.9394998371267291, 0.10145765237674793, -0.32717946270059417], [-0.24813745542518648, 0.456892768508009, 0.8542112158595208], [0.23615219510723184, 0.8837167775137497, -0.40407523790347577]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 171, "img_name": "DSCF5736.JPG", "width": 3118, "height": 2078, "position": [1.9911192069663377, -1.991288267273098, 3.5272910379015334], "rotation": [[-0.945703685044151, 0.08339008680485548, -0.31415065417183374], [-0.23668002348136857, 0.48576721563286573, 0.8414349521508787], [0.22277142226679617, 0.8701013191801122, -0.4396550781945509]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 172, "img_name": "DSCF5737.JPG", "width": 3118, "height": 2078, "position": [1.9183847489868848, -1.8840452748629932, 3.673728959103168], "rotation": [[-0.9490428417757125, 0.07949463809632304, -0.30495620503313875], [-0.22058236339842716, 0.5235526228837114, 0.8229435412160123], [0.22508021999243602, 0.8482766374158378, -0.4793387538918954]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 173, "img_name": "DSCF5738.JPG", "width": 3118, "height": 2078, "position": [1.8666507650103477, -1.7860031376684673, 3.8588282509686276], "rotation": [[-0.9560641882246735, 0.06508013127947158, -0.2858423420470486], [-0.20629109937923687, 0.5434277370626595, 0.8137138790188249], [0.20829126316579144, 0.8369294301813051, -0.5061263464641953]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 174, "img_name": "DSCF5739.JPG", "width": 3118, "height": 2078, "position": [1.8099917060583612, -1.6799235414794111, 4.015994265010028], "rotation": [[-0.9617798368372752, 0.03237729906962217, -0.27190302675442835], [-0.20363328309895218, 0.5792912854056891, 0.7892750424708526], [0.1830656479725378, 0.814477327589897, -0.5505575822513153]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 175, "img_name": "DSCF5740.JPG", "width": 3118, "height": 2078, "position": [1.6288109653099672, -1.722714530778801, 4.072367747891977], "rotation": [[-0.9749500257394557, 0.03693231002401202, -0.21933638956389648], [-0.16033369008879278, 0.5667784103317771, 0.8081183956601252], [0.1541608093295636, 0.8230420633588991, -0.5466591321918807]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 176, "img_name": "DSCF5741.JPG", "width": 3118, "height": 2078, "position": [1.3991760657049117, -1.7778561858785178, 4.008742949543735], "rotation": [[-0.9860316649419454, 0.03312518030194578, -0.16323075127493142], [-0.12065941609922583, 0.5335162648642391, 0.8371389970798786], [0.11481664094724606, 0.8451408862167742, -0.5220670660042791]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 177, "img_name": "DSCF5742.JPG", "width": 3118, "height": 2078, "position": [1.2485691445805325, -1.8861187305234015, 3.823222903029485], "rotation": [[-0.9897192691235466, 0.029735480086018767, -0.13989842582962056], [-0.10609471999008142, 0.5033302650003022, 0.8575561525200268], [0.09591495564185017, 0.8635823328199687, -0.49500088457036306]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 178, "img_name": "DSCF5743.JPG", "width": 3118, "height": 2078, "position": [1.0958101529231867, -2.011962050083388, 3.608691068897244], "rotation": [[-0.9921420345140601, 0.02870669098089594, -0.12177893595867682], [-0.09620397111758869, 0.44726329467603315, 0.8892133271475107], [0.07999362031753735, 0.8939415367508475, -0.4409870174733331]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 179, "img_name": "DSCF5744.JPG", "width": 3118, "height": 2078, "position": [0.9649056679174374, -2.1458658390438767, 3.428127472631481], "rotation": [[-0.995518313975071, 0.026705634863976035, -0.09071987437570649], [-0.07304103590509645, 0.39220409382908444, 0.9169738032559146], [0.06006907369139621, 0.9194904881782184, -0.38849575098788275]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 180, "img_name": "DSCF5745.JPG", "width": 3118, "height": 2078, "position": [0.9605158658427422, -2.2814905145392954, 3.2468002953884585], "rotation": [[-0.9975819375619421, 0.00918563406033255, -0.06889050716223691], [-0.061837427722522986, 0.33514387127544665, 0.9401354785769808], [0.03172397173782471, 0.9421221840469614, -0.3337654564866786]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 181, "img_name": "DSCF5746.JPG", "width": 3118, "height": 2078, "position": [1.0551702668689849, -2.385287654979469, 2.969650692731248], "rotation": [[-0.9963194951053143, 0.017866132343218443, -0.08383474809519671], [-0.07664920185280563, 0.2521238949174729, 0.9646545710600094], [0.03837138945123492, 0.9675300217185703, -0.2498265269038574]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 182, "img_name": "DSCF5747.JPG", "width": 3118, "height": 2078, "position": [1.0620472208263563, -2.4615646788141645, 2.7766703461724953], "rotation": [[-0.993290502225512, 0.044804583768861775, -0.10661391776821927], [-0.09633083970787572, 0.18953295776570747, 0.9771374658878645], [0.06398708861766665, 0.9808515724582803, -0.1839452236301697]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 183, "img_name": "DSCF5748.JPG", "width": 3118, "height": 2078, "position": [0.996493022049549, -2.487045435017492, 2.5386026926860885], "rotation": [[-0.9956728896386652, 0.027343156134400453, -0.08881356118971896], [-0.08189968845967428, 0.1933815406136437, 0.9776993509152502], [0.04390828929482965, 0.9807425409160669, -0.1903053613766517]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 184, "img_name": "DSCF5749.JPG", "width": 3118, "height": 2078, "position": [0.862035189420847, -2.4953135901950225, 2.309513379613651], "rotation": [[-0.998953183247972, -0.004968569731402324, -0.04547362965024484], [-0.0457189947295938, 0.14147993664902728, 0.9888848269878058], [0.0015202630229033298, 0.9899286544194036, -0.14155899109463066]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 185, "img_name": "DSCF5750.JPG", "width": 3118, "height": 2078, "position": [0.7228879740238847, -2.548512823953951, 2.089340135206197], "rotation": [[-0.9992021144561003, -0.039596004242266655, 0.0052240706833768065], [0.00024980551095946677, 0.12460226821457845, 0.9922067387157724], [-0.03993835329185732, 0.9914163763040374, -0.1244929585659612]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 186, "img_name": "DSCF5751.JPG", "width": 3118, "height": 2078, "position": [0.4999005551178549, -2.6183350101454606, 1.9609011329532877], "rotation": [[-0.9931097692526476, -0.09532168048628996, 0.06816717277562456], [0.061015501931550455, 0.07603088904993623, 0.9952368624776299], [-0.10005046096342168, 0.9925387051090478, -0.06969091850062543]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 187, "img_name": "DSCF5752.JPG", "width": 3118, "height": 2078, "position": [0.28295844701285894, -2.704560940143843, 1.812711708749575], "rotation": [[-0.9837763800836635, -0.14020581498796258, 0.11192123763184408], [0.10555792630105762, 0.05205190875663866, 0.9930499096167376], [-0.14505708595068012, 0.9887532190786289, -0.03640760328757184]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 188, "img_name": "DSCF5753.JPG", "width": 3118, "height": 2078, "position": [0.2920071616800569, -2.6992407713511786, 1.7059418277472185], "rotation": [[-0.9779732396119455, -0.13791815842528246, 0.15667458051481792], [0.14951869402343662, 0.060864547933512946, 0.98688381633421], [-0.14564512604423607, 0.9885717416462132, -0.038902556190188176]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 189, "img_name": "DSCF5754.JPG", "width": 3118, "height": 2078, "position": [0.2622463771160541, -2.568173641252211, 1.7966929497159059], "rotation": [[-0.9785920808790709, -0.14051153594605467, 0.1503796778386286], [0.13468434903910145, 0.11527011410963114, 0.9841610269244895], [-0.1556202601356348, 0.9833459762765255, -0.0938777160783328]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 190, "img_name": "DSCF5755.JPG", "width": 3118, "height": 2078, "position": [0.051374757411966225, -2.5166465789103896, 2.0293616940652988], "rotation": [[-0.9624100479349712, -0.1922875852192235, 0.19181340986585257], [0.15612637669890103, 0.1862122907047403, 0.9700255343491563], [-0.22224188203999384, 0.9635094536957345, -0.14919141565877095]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 191, "img_name": "DSCF5756.JPG", "width": 3118, "height": 2078, "position": [-0.19891784125758577, -2.436434646689388, 2.366228224975431], "rotation": [[-0.9433636435649861, -0.24530566275414215, 0.22336107051262247], [0.1564016652191926, 0.26491501635366344, 0.9515033122522494], [-0.2925808522724227, 0.9325476748837503, -0.21154498092002424]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 192, "img_name": "DSCF5757.JPG", "width": 3118, "height": 2078, "position": [-0.3475226110217009, -2.3466475925479195, 2.6247614016868748], "rotation": [[-0.9326101065504963, -0.25078228584886575, 0.25951230079572246], [0.17269044433111178, 0.3213067535126564, 0.9310961178008852], [-0.31688546763238434, 0.9131649441648397, -0.2563462212552201]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 193, "img_name": "DSCF5758.JPG", "width": 3118, "height": 2078, "position": [-0.39357526971825585, -2.242766921315251, 2.866729225731288], "rotation": [[-0.925926100298448, -0.262967402224986, 0.27112543619725255], [0.16851435060863823, 0.3548067856278562, 0.9196276738503345], [-0.3380292449257268, 0.8971957925890371, -0.2842110823586443]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 194, "img_name": "DSCF5759.JPG", "width": 3118, "height": 2078, "position": [-0.3965135157180992, -2.1465864969116555, 3.0490081122374266], "rotation": [[-0.9370338311841313, -0.20589974938383782, 0.2820866753678051], [0.17751879753165298, 0.4147814846599346, 0.8924367745147084], [-0.3007568382253422, 0.8863191373241205, -0.3521132077524528]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 195, "img_name": "DSCF5760.JPG", "width": 3118, "height": 2078, "position": [-0.41059401522879746, -2.0529341300230683, 3.248670177834386], "rotation": [[-0.9516353791855732, -0.14983126665028318, 0.2682176292049071], [0.1692032022325197, 0.47309369986547956, 0.8646112580240048], [-0.2564378705195283, 0.8681779441344746, -0.4248607723500088]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 196, "img_name": "DSCF5761.JPG", "width": 3118, "height": 2078, "position": [-0.4378201117105081, -1.95007116030184, 3.5460955536338212], "rotation": [[-0.9470001378071886, -0.14032812440584655, 0.28896151386283586], [0.1841832551136669, 0.49979864379485317, 0.8463319940759413], [-0.26318675409088993, 0.8546983872463797, -0.4474632938125073]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 197, "img_name": "DSCF5762.JPG", "width": 3118, "height": 2078, "position": [-0.5314462257963236, -1.8362686994364503, 3.769930732680212], "rotation": [[-0.9377845330305437, -0.13501431861989086, 0.3198926435169962], [0.19162929392470066, 0.5670317660752473, 0.8010949943493011], [-0.28954858541979805, 0.8125552965978331, -0.505880921415506]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 198, "img_name": "DSCF5763.JPG", "width": 3118, "height": 2078, "position": [-0.7724363050106171, -1.7158856259506199, 3.9022903477151627], "rotation": [[-0.908566393375468, -0.11594841726624935, 0.4013266417298324], [0.2604917928317395, 0.5937935925956015, 0.7612839123873003], [-0.3265748531286506, 0.7962192750278408, -0.5092972917443594]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 199, "img_name": "DSCF5764.JPG", "width": 3118, "height": 2078, "position": [-1.0533472727137099, -1.636903183827477, 3.871908595387478], "rotation": [[-0.879736880147983, -0.13106141735290194, 0.45704039929632184], [0.2934882391052557, 0.6065813606169526, 0.7388665011075971], [-0.37406907813181944, 0.7841440925196944, -0.49516700915153405]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 200, "img_name": "DSCF5765.JPG", "width": 3118, "height": 2078, "position": [-1.2718986455475112, -1.7201294005012504, 3.7239908692733827], "rotation": [[-0.8457364065177272, -0.15812661402356704, 0.5096331078608641], [0.32952991846663476, 0.5964210130194041, 0.7319098360209956], [-0.41969031859914807, 0.7869421510926642, -0.452307514096102]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 201, "img_name": "DSCF5766.JPG", "width": 3118, "height": 2078, "position": [-1.5073591280087295, -1.7871720182125508, 3.517577635669521], "rotation": [[-0.8381798266037774, -0.2066598303113496, 0.5047239768528389], [0.31997703645231207, 0.5630904917671019, 0.7619342453418659], [-0.44166647418346866, 0.8001379959839224, -0.4058446906948219]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 202, "img_name": "DSCF5767.JPG", "width": 3118, "height": 2078, "position": [-1.6344468153119935, -1.872186154515909, 3.2272826443531684], "rotation": [[-0.8208690221407916, -0.2348183171827487, 0.5206096487821581], [0.34778900076442665, 0.5175230535905846, 0.7818009337098277], [-0.45300867479210755, 0.8228184775014102, -0.34315141504204727]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 203, "img_name": "DSCF5768.JPG", "width": 3118, "height": 2078, "position": [-1.6647352961485529, -2.0118057661009594, 2.95702285342482], "rotation": [[-0.8034093355477496, -0.2713617311612851, 0.5299964626446805], [0.36773424670535615, 0.47393546163461214, 0.8000979327590038], [-0.46830007832026693, 0.8377039984781839, -0.2809751725311233]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 204, "img_name": "DSCF5769.JPG", "width": 3118, "height": 2078, "position": [-1.6111560567207135, -2.1240958678917785, 2.7486102197544344], "rotation": [[-0.7890238102088787, -0.30857819603728287, 0.5312446930124013], [0.3884165814213719, 0.419406563149676, 0.8205063644262071], [-0.4759978846595844, 0.8537433055183233, -0.21106487647699293]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 205, "img_name": "DSCF5770.JPG", "width": 3118, "height": 2078, "position": [-1.5019241537756483, -2.218466790059844, 2.573944423195527], "rotation": [[-0.8011866529925094, -0.3378395285742538, 0.493927525047336], [0.3820019061040182, 0.34660006456919457, 0.8567046976488032], [-0.46062402325492935, 0.8750616253575266, -0.14863600178653283]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 206, "img_name": "DSCF5771.JPG", "width": 3118, "height": 2078, "position": [-1.3888098998324538, -2.3257853788403993, 2.361490962688067], "rotation": [[-0.8109479851876447, -0.34693681569749857, 0.4711668613493301], [0.37795836065716754, 0.3041115978610467, 0.874450463808984], [-0.4466663664632086, 0.8872152962838732, -0.11549101744496638]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 207, "img_name": "DSCF5772.JPG", "width": 3118, "height": 2078, "position": [-1.3241242987777595, -2.3990609273308388, 2.173419046116379], "rotation": [[-0.8073334134241084, -0.38394231808327306, 0.4481083082847498], [0.38187756629621, 0.23899105777452678, 0.8927781351844907], [-0.4498691853513212, 0.8918921295137968, -0.04632650842318121]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 208, "img_name": "DSCF5773.JPG", "width": 3118, "height": 2078, "position": [-1.2845441523677716, -2.4579435673013714, 1.9787675130325408], "rotation": [[-0.8100013534589431, -0.38578264478455576, 0.4416667956477072], [0.37430856695939585, 0.23965531970621617, 0.895800437841663], [-0.451432059224291, 0.8909192324333022, -0.04971938439855801]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 209, "img_name": "DSCF5774.JPG", "width": 3118, "height": 2078, "position": [-1.3419393389971446, -2.503760586183051, 1.7582301393493258], "rotation": [[-0.7927993662343116, -0.4154489741431616, 0.44594990165025067], [0.3926235658743553, 0.21151590346482085, 0.8950462323821973], [-0.4661715354014864, 0.8846825263702538, -0.004574616548456639]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 210, "img_name": "DSCF5775.JPG", "width": 3118, "height": 2078, "position": [-1.4016986032718295, -2.531434856121897, 1.4888894342641665], "rotation": [[-0.7755505954310777, -0.44539270874432996, 0.44737747923189963], [0.4086936991351167, 0.18587725963600424, 0.8935430065964728], [-0.48113483995004447, 0.8758281677061989, 0.0378719743167299]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 211, "img_name": "DSCF5776.JPG", "width": 3118, "height": 2078, "position": [-1.2436728776758055, -2.5768721337154012, 1.3546930663569703], "rotation": [[-0.7530362783464666, -0.4906561223034494, 0.43839814454471104], [0.4163570223372181, 0.16058815436113438, 0.8949068524876598], [-0.509493074972161, 0.8564274717248549, 0.08335941596715357]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 212, "img_name": "DSCF5777.JPG", "width": 3118, "height": 2078, "position": [-1.2848687314197893, -2.54139735190709, 1.4051951212496379], "rotation": [[-0.7308700734676606, -0.4881155904226793, 0.4770451824467943], [0.4436943467988213, 0.19130735265981724, 0.8755208869222133], [-0.5186176456004398, 0.8515542655665648, 0.07675330916152766]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 213, "img_name": "DSCF5778.JPG", "width": 3118, "height": 2078, "position": [-1.4552577189575873, -2.38047477361014, 1.4391448122638575], "rotation": [[-0.6784615088127867, -0.5046691237006793, 0.5338530290657391], [0.48243533721799076, 0.24196098818914458, 0.8418497642678865], [-0.5540271892812121, 0.8287122273610549, 0.07930900175540562]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 214, "img_name": "DSCF5779.JPG", "width": 3118, "height": 2078, "position": [-1.71184600563167, -2.1469290960563936, 1.4718152550873937], "rotation": [[-0.6262513292172531, -0.5336521954876643, 0.5683525375194681], [0.4936346688006099, 0.2928402947466302, 0.8188830047881189], [-0.6034352379599114, 0.7933850868423871, 0.08003760094082259]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 215, "img_name": "DSCF5780.JPG", "width": 3118, "height": 2078, "position": [-1.9087431259695946, -1.996585737329725, 1.5523572980760327], "rotation": [[-0.6018960521459406, -0.5143976940619979, 0.6108323458649113], [0.5012820467641497, 0.3520574518434523, 0.7904251135897947], [-0.6216409349480422, 0.7819530439516137, 0.04595633853702362]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 216, "img_name": "DSCF5781.JPG", "width": 3118, "height": 2078, "position": [-2.0517522737868426, -1.8809346155441065, 1.7188130466993474], "rotation": [[-0.581702602531448, -0.47869714379640155, 0.6576253695907018], [0.5121854041670336, 0.41251002870534004, 0.7533270126417689], [-0.6318925493835108, 0.7750383995252664, 0.0052235328007459335]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 217, "img_name": "DSCF5782.JPG", "width": 3118, "height": 2078, "position": [-2.15574372941624, -1.7688929078478879, 1.8751536007180256], "rotation": [[-0.56942793312885, -0.4465434420356484, 0.6901817031387898], [0.5098676778003248, 0.46672973963599007, 0.7226328952336897], [-0.6448153069733296, 0.7633886981834851, -0.038090883143007646]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 218, "img_name": "DSCF5783.JPG", "width": 3118, "height": 2078, "position": [-2.277433146655958, -1.6236196733043264, 2.013501369109663], "rotation": [[-0.5642390280086838, -0.41110366795727327, 0.7159805119302421], [0.507671640878187, 0.5111244511429279, 0.6935569915240493], [-0.6510789693423256, 0.7548149240945866, -0.0796906898214473]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 219, "img_name": "DSCF5784.JPG", "width": 3118, "height": 2078, "position": [-2.354634351177819, -1.5430109992552745, 2.2220566288546224], "rotation": [[-0.570120886310426, -0.3863435864323243, 0.7250522796428011], [0.5002897902324949, 0.5367691713087386, 0.6794034019061549], [-0.6516688582261239, 0.7500783225471449, -0.11273956387675343]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 220, "img_name": "DSCF5785.JPG", "width": 3118, "height": 2078, "position": [-2.4232711296227167, -1.4271626960567823, 2.4508361996262633], "rotation": [[-0.6376123484426707, -0.326362544713424, 0.6978094170485233], [0.4844322603109313, 0.5344444927547253, 0.6925997901632561], [-0.5989790299196324, 0.7796515719039644, -0.1826678629212407]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 221, "img_name": "DSCF5786.JPG", "width": 3118, "height": 2078, "position": [-2.511431111283649, -1.2863549173646796, 2.5920540645728787], "rotation": [[-0.6503192165231584, -0.29213401048729726, 0.7012436356483478], [0.48270442051281287, 0.5538773727870628, 0.6783924368180195], [-0.5865844858484535, 0.7796650407906646, -0.21918272087643315]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 222, "img_name": "DSCF5787.JPG", "width": 3118, "height": 2078, "position": [-2.614706682449175, -1.1058508516218786, 2.671531875751714], "rotation": [[-0.6366674278125396, -0.23771307774639724, 0.7335850864289019], [0.503558744179907, 0.592310368913786, 0.6289650372136515], [-0.5840232679632887, 0.7698447372980802, -0.25740222013792025]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 223, "img_name": "DSCF5788.JPG", "width": 3118, "height": 2078, "position": [-2.776393183559947, -0.8984053540847406, 2.6684463724384924], "rotation": [[-0.5858122249322824, -0.225779622919105, 0.7783621258735529], [0.5373860130456194, 0.6107063823865465, 0.5815960690163501], [-0.6066632592326845, 0.7589870067312379, -0.23642845325876685]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 224, "img_name": "DSCF5789.JPG", "width": 3118, "height": 2078, "position": [-2.9226301898265947, -0.6865960529693019, 2.600173224028948], "rotation": [[-0.517050764918814, -0.21097865983005165, 0.8295459671369538], [0.5735223018562166, 0.6340310518530285, 0.5187261267371144], [-0.6353980451421106, 0.7439708531807261, -0.20682527371461773]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 225, "img_name": "DSCF5790.JPG", "width": 3118, "height": 2078, "position": [-3.024223196494089, -0.5375350717319454, 2.4977420408225486], "rotation": [[-0.4717090260493655, -0.24786431259049518, 0.846199667506198], [0.5733003730440237, 0.6429291301005112, 0.5079063062571514], [-0.669938263581908, 0.7247105740999239, -0.16117477090604648]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 226, "img_name": "DSCF5791.JPG", "width": 3118, "height": 2078, "position": [-3.0212520828721745, -0.6184647267046878, 2.2658114465055417], "rotation": [[-0.4395333486480985, -0.25598139133944897, 0.8609784914352443], [0.585702823843062, 0.645044435619426, 0.49078496128006927], [-0.6810012023252618, 0.7199938911993183, -0.1335895170558379]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 227, "img_name": "DSCF5792.JPG", "width": 3118, "height": 2078, "position": [-2.995841559862612, -0.7372406536595739, 2.066232882052418], "rotation": [[-0.42206067444095113, -0.29812861306798893, 0.8561449159812882], [0.5876773272872908, 0.6291079995463174, 0.5087813714153626], [-0.6902899000296296, 0.7178735647570456, -0.09031832006905367]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 228, "img_name": "DSCF5793.JPG", "width": 3118, "height": 2078, "position": [-2.949922347384228, -0.8939834383596724, 1.8366752747244979], "rotation": [[-0.42561659306689126, -0.33062140672818896, 0.8423419739744695], [0.5801544092102419, 0.6146819772761457, 0.5344033385803303], [-0.694457613666988, 0.71613933855428, -0.06980738209524186]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 229, "img_name": "DSCF5794.JPG", "width": 3118, "height": 2078, "position": [-2.903264057915408, -1.064608113000844, 1.6218403594992616], "rotation": [[-0.4447890597219249, -0.37190134209551007, 0.8147711851184014], [0.571115639360408, 0.582991881681583, 0.5778818152280966], [-0.6899200090080289, 0.7223640755470371, -0.0469097381087958]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 230, "img_name": "DSCF5795.JPG", "width": 3118, "height": 2078, "position": [-2.8415339500430856, -1.2020942158668715, 1.494306591179849], "rotation": [[-0.4524262509802393, -0.4357722053058518, 0.7780829470608132], [0.5698558084819199, 0.5298598615014948, 0.6281026068319048], [-0.6859845807038107, 0.7275651945032084, 0.008604811684485238]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 231, "img_name": "DSCF5796.JPG", "width": 3118, "height": 2078, "position": [-2.7691890363384375, -1.3225083657167298, 1.377180955055781], "rotation": [[-0.45614176305927534, -0.472967095270476, 0.75381484383407], [0.5630619296210361, 0.502565582172868, 0.6560404705707428], [-0.6891269515877394, 0.7236918974305674, 0.03706861460500776]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 232, "img_name": "DSCF5797.JPG", "width": 3118, "height": 2078, "position": [-2.7237530014395013, -1.4299358758091822, 1.245759602710627], "rotation": [[-0.45637443529472604, -0.5327107333897975, 0.7127002520981203], [0.5547027660961883, 0.4559469543797839, 0.6960008736180127], [-0.6957206451548335, 0.7129738068983345, 0.08741358351102582]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 233, "img_name": "DSCF5798.JPG", "width": 3118, "height": 2078, "position": [-2.6459716416490333, -1.5245412556185776, 1.0973406433811903], "rotation": [[-0.4376493991731102, -0.5656350305271841, 0.6989420688754737], [0.5676853820802648, 0.4289947172436153, 0.7026356378304864], [-0.6972777856606359, 0.7042872601556716, 0.1333534581727001]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 234, "img_name": "DSCF5799.JPG", "width": 3118, "height": 2078, "position": [-2.5526378283304685, -1.6150211719098266, 0.9536323862113698], "rotation": [[-0.4188412033244763, -0.6004676741504348, 0.6811832489852288], [0.5737582670771658, 0.4064352200495384, 0.7110638950642136], [-0.7038277469369281, 0.6886573779490426, 0.17429147551741267]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 235, "img_name": "DSCF5800.JPG", "width": 3118, "height": 2078, "position": [-2.4594358777802214, -1.6825933153375403, 0.765423604456499], "rotation": [[-0.3784038769622222, -0.6322115100332971, 0.6761058441408245], [0.5931890510058945, 0.3950981519371367, 0.7014443670759538], [-0.7105893720473768, 0.6664878520402882, 0.2255142731980336]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 236, "img_name": "DSCF5801.JPG", "width": 3118, "height": 2078, "position": [-2.472044072025791, -1.6616431864618986, 0.609335085242596], "rotation": [[-0.3209243598223971, -0.6451950980964756, 0.6933475612309197], [0.6127189608841157, 0.416798755704054, 0.6714568282597487], [-0.7222070549680842, 0.640314050006582, 0.26156239622410266]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 237, "img_name": "DSCF5802.JPG", "width": 3118, "height": 2078, "position": [-2.5634812337082487, -1.5187490578117553, 0.6096035894241527], "rotation": [[-0.2982957503624958, -0.6098969383662851, 0.7341970919903643], [0.6216887645370142, 0.4595190054255238, 0.6343069948386021], [-0.7242394116341065, 0.6456531640317187, 0.2420935075786088]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 238, "img_name": "DSCF5803.JPG", "width": 3118, "height": 2078, "position": [-2.645643509418695, -1.371095916725608, 0.6635647167952693], "rotation": [[-0.2995016005075458, -0.5948377322316117, 0.7459670660337303], [0.6106009012168612, 0.4812728167641319, 0.6289221058899703], [-0.7331202703012482, 0.643851340106916, 0.2190664764767837]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 239, "img_name": "DSCF5804.JPG", "width": 3118, "height": 2078, "position": [-2.7700512337182643, -1.2322041993466, 0.7215110089390221], "rotation": [[-0.29222500604264323, -0.5777531544202704, 0.7621061857778112], [0.6116362548307102, 0.49970074766495065, 0.6133516565231985], [-0.7351908851584322, 0.645368464786215, 0.20734972158033985]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 240, "img_name": "DSCF5805.JPG", "width": 3118, "height": 2078, "position": [-2.8952940389642086, -1.12766126895708, 0.7977730591205899], "rotation": [[-0.2905636698760128, -0.521382688395585, 0.8023296367389001], [0.6087729767606225, 0.546182158783911, 0.5753959612233625], [-0.738219626204962, 0.6556257634257054, 0.1587029987689802]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 241, "img_name": "DSCF5806.JPG", "width": 3118, "height": 2078, "position": [-3.0108239925758356, -1.0191933191446474, 0.8989761324188182], "rotation": [[-0.27272097596891687, -0.4877908489518325, 0.8292667586159549], [0.6217675302467943, 0.5683969396422157, 0.5388228441112769], [-0.7341855403080092, 0.6625594363407817, 0.1482787433127974]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 242, "img_name": "DSCF5807.JPG", "width": 3118, "height": 2078, "position": [-3.1322360012020614, -0.8362471388902957, 1.0074883615967718], "rotation": [[-0.2546345708044849, -0.4720503764597188, 0.8439962543965782], [0.6329464472970839, 0.578492995279808, 0.5145139932656798], [-0.7311224454256727, 0.665217480600468, 0.1514782931589553]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 243, "img_name": "DSCF5808.JPG", "width": 3118, "height": 2078, "position": [-3.2296343760370108, -0.6366096207909707, 1.079070561318311], "rotation": [[-0.23983123667500178, -0.4401217451478748, 0.8653171830970006], [0.6403346297499952, 0.598235735449006, 0.4817525991364481], [-0.7296934560881547, 0.6696318796770176, 0.13834957846827184]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 244, "img_name": "DSCF5809.JPG", "width": 3118, "height": 2078, "position": [-3.3177320765578746, -0.4587445732405913, 1.1692315952591863], "rotation": [[-0.22786407795803118, -0.38955010759073777, 0.892372498260889], [0.6440654080760158, 0.627037460037858, 0.43818235225662233], [-0.7302449671830754, 0.6745922749226501, 0.10801643633481221]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 245, "img_name": "DSCF5810.JPG", "width": 3118, "height": 2078, "position": [-3.428653140389166, -0.2854451064831478, 1.3026250317060577], "rotation": [[-0.18588420907428302, -0.32335721343494245, 0.9278400580576465], [0.6374060539226488, 0.6789587952318668, 0.3643191963101164], [-0.7477704081063821, 0.6591320557345706, 0.07990212677728672]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 246, "img_name": "DSCF5811.JPG", "width": 3118, "height": 2078, "position": [-3.556770321124161, -0.04180074750208618, 1.3503006850349386], "rotation": [[-0.11934580773332908, -0.3017619181664056, 0.9458838844810764], [0.6365376427066649, 0.7078799199271517, 0.3061467758794325], [-0.7619556467366857, 0.6386280323540932, 0.10760031922637522]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 247, "img_name": "DSCF5812.JPG", "width": 3118, "height": 2078, "position": [-3.6485247718047273, 0.22968004762823613, 1.2937950374237188], "rotation": [[-0.042207693844559566, -0.29526860232486957, 0.9544815153063163], [0.6358551399009688, 0.7289486817368456, 0.25361794190402637], [-0.770653457555238, 0.6176166058933591, 0.1569808156524995]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 248, "img_name": "DSCF5813.JPG", "width": 3118, "height": 2078, "position": [-3.629676945450682, 0.4400345887574562, 1.075125126372097], "rotation": [[-0.008307751729859104, -0.32732992476524725, 0.9448735902830454], [0.6515682471235168, 0.7150061812734879, 0.25342647865030077], [-0.7585445277645751, 0.6177550332404272, 0.20733769147103015]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 249, "img_name": "DSCF5814.JPG", "width": 3118, "height": 2078, "position": [-3.508663237675353, 0.32674098733948337, 0.8152860975287627], "rotation": [[-0.003404751920047688, -0.3377227555933973, 0.9412394743203056], [0.6495957761491998, 0.7148594958645109, 0.2588459556984736], [-0.7602721455330859, 0.6123064931280247, 0.21694935630183054]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 250, "img_name": "DSCF5815.JPG", "width": 3118, "height": 2078, "position": [-3.4248326474434783, 0.17189028684055394, 0.6865304820748465], "rotation": [[0.014246505184025562, -0.3798153629200704, 0.9249526080724009], [0.6468420938684161, 0.7089119007154132, 0.28113915170958115], [-0.7624908803978998, 0.5942930313523412, 0.25578008170317035]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 251, "img_name": "DSCF5816.JPG", "width": 3118, "height": 2078, "position": [-3.402459028381604, -0.003325727947520584, 0.5113820608025214], "rotation": [[0.02489211764602952, -0.4269050403795495, 0.9039537980326376], [0.6479649425951524, 0.6954634200033645, 0.3105995244762691], [-0.7612633024432194, 0.5779988909468242, 0.29393105725235]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 252, "img_name": "DSCF5817.JPG", "width": 3118, "height": 2078, "position": [-3.388046943725954, -0.11980572151266324, 0.36756612142407574], "rotation": [[0.027672631050427388, -0.47805315431970186, 0.877894872485157], [0.6455568772659345, 0.6790788293434926, 0.34943992581290273], [-0.7632106810739759, 0.5570611503079844, 0.32740239936833515]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 253, "img_name": "DSCF5818.JPG", "width": 3118, "height": 2078, "position": [-3.3502058321101584, -0.2357688963687172, 0.22213909106234767], "rotation": [[0.03466042244434586, -0.5150275835621855, 0.8564725583964002], [0.6481012136887188, 0.6639413196798924, 0.3730237805246906], [-0.760765056986182, 0.5421517427730164, 0.35680248860818203]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 254, "img_name": "DSCF5819.JPG", "width": 3118, "height": 2078, "position": [-3.277422478415995, -0.3603589473991857, 0.08343858235261098], "rotation": [[0.03918960872894144, -0.5615832098543699, 0.8264916654010099], [0.6464405811506027, 0.644968831731732, 0.4075902122675123], [-0.7619571835801165, 0.5183044515574485, 0.38830625270060887]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 255, "img_name": "DSCF5820.JPG", "width": 3118, "height": 2078, "position": [-3.2069728677345033, -0.504919988462241, -0.03883803947197226], "rotation": [[0.055050979763363136, -0.5869591555315363, 0.8077427433068025], [0.6377778768540139, 0.6431060483106505, 0.42385609636036276], [-0.7682504600862142, 0.4918267584871371, 0.40975318206617445]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 256, "img_name": "DSCF5821.JPG", "width": 3118, "height": 2078, "position": [-3.162920807890936, -0.6483269143200536, -0.1702502269168791], "rotation": [[0.08240976111186075, -0.6168570557194964, 0.782749004523519], [0.6311448984739781, 0.6401462943732937, 0.4380283540256407], [-0.7712747554560292, 0.4579302289751294, 0.44208048700098485]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 257, "img_name": "DSCF5822.JPG", "width": 3118, "height": 2078, "position": [-3.148427907013695, -0.7634903296820341, -0.2986567433321095], "rotation": [[0.09662121370780058, -0.6434633311576589, 0.7593545170189747], [0.6223310439295106, 0.6344570035669171, 0.458441252928327], [-0.7767679272622143, 0.42827473901734814, 0.4617492123397562]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 258, "img_name": "DSCF5823.JPG", "width": 3118, "height": 2078, "position": [-3.0920958660875275, -0.874130401358216, -0.4362232304884299], "rotation": [[0.1352162378606572, -0.645341867517011, 0.7518313926994978], [0.6135353533719167, 0.6503564477023185, 0.44789603826649166], [-0.7780044596155006, 0.4007123219488989, 0.48387880285947077]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 259, "img_name": "DSCF5824.JPG", "width": 3118, "height": 2078, "position": [-3.0612612953119642, -0.8708186268103913, -0.6361685784487052], "rotation": [[0.18355461960475386, -0.6319944556841618, 0.7529214498247703], [0.6074272360043027, 0.6751276612141855, 0.41861055173470846], [-0.7728776452854147, 0.3805070946092119, 0.5078134464250912]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 260, "img_name": "DSCF5825.JPG", "width": 3118, "height": 2078, "position": [-3.0772554666249765, -0.6493435026538458, -0.6957896234479916], "rotation": [[0.19974159893430862, -0.5938121627647489, 0.7794167107573563], [0.6122719679512721, 0.6966702712063099, 0.3738630370582289], [-0.7650008698794022, 0.40253900254506697, 0.5027285753901211]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 261, "img_name": "DSCF5826.JPG", "width": 3118, "height": 2078, "position": [-3.0909333127528997, -0.40993130373366166, -0.6495661234870068], "rotation": [[0.20246421088778047, -0.5464475605154409, 0.8126520208036845], [0.6237508487394258, 0.7116910192543777, 0.3231575030995118], [-0.7549457742158933, 0.4414645588485994, 0.48493909027235266]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 262, "img_name": "DSCF5827.JPG", "width": 3118, "height": 2078, "position": [-3.1231123064347592, -0.21921228330052672, -0.5940622019381854], "rotation": [[0.2202966154595338, -0.5040450418310964, 0.8351095718662087], [0.6334051169572673, 0.7250020665774461, 0.2704994663040631], [-0.7418000802301281, 0.4693725591296542, 0.47898021014093534]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 263, "img_name": "DSCF5828.JPG", "width": 3118, "height": 2078, "position": [-3.192526635425997, -0.040881298586612255, -0.5061713504041904], "rotation": [[0.22452679305268702, -0.48940985559253153, 0.8426539695808554], [0.6457739890392914, 0.7223182419911354, 0.24745163642036558], [-0.7297696035611217, 0.4886044929549184, 0.4782279531588571]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 264, "img_name": "DSCF5829.JPG", "width": 3118, "height": 2078, "position": [-3.2533667411392106, 0.0914133716229898, -0.3905146366418063], "rotation": [[0.22251087486701454, -0.4758424738177492, 0.8509188273136988], [0.6527952347066834, 0.7209804515160388, 0.23247703128690989], [-0.7241182859934981, 0.5037470879744452, 0.47105369040811546]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 265, "img_name": "DSCF5830.JPG", "width": 3118, "height": 2078, "position": [-3.272644491760775, 0.23506333367521393, -0.22829013543479462], "rotation": [[0.1888168445150646, -0.4803308938258192, 0.8565222890642505], [0.6664491041601749, 0.7032785435638766, 0.2474770327258126], [-0.721244612313655, 0.5241006798308526, 0.45290692930155485]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 266, "img_name": "DSCF5831.JPG", "width": 3118, "height": 2078, "position": [-3.3060676370478794, 0.3847505485869872, -0.09369639307122067], "rotation": [[0.1719598708806862, -0.4494605631943231, 0.8765928387454117], [0.6739352714543457, 0.7026980489198956, 0.22809362536890265], [-0.7184991668028953, 0.5515438823676805, 0.4237431924247647]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 267, "img_name": "DSCF5832.JPG", "width": 3118, "height": 2078, "position": [-3.3482958399039533, 0.6817879692680866, -0.03994529999157193], "rotation": [[0.18952710901725353, -0.4183321341282066, 0.8883004562102296], [0.6719911490423548, 0.714889120896209, 0.19329107696161452], [-0.7158962009651243, 0.560296145248194, 0.4166063598454985]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 268, "img_name": "DSCF5833.JPG", "width": 3118, "height": 2078, "position": [-3.4243156117537965, 0.9196712520554678, 0.0636917863280246], "rotation": [[0.25347194174484483, -0.4013522212791772, 0.8801524693042497], [0.6615048831120716, 0.7357863345125475, 0.14501641135910967], [-0.7058068180224548, 0.545467564955846, 0.45199764514226964]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 269, "img_name": "DSCF5834.JPG", "width": 3118, "height": 2078, "position": [-3.470218253227401, 1.1103194220515822, 0.15651840519326737], "rotation": [[0.3009813953256865, -0.3970428393754932, 0.8670450872754248], [0.6640603494309779, 0.7398003410389735, 0.10825575140483694], [-0.6844224221790298, 0.543187296518673, 0.48632654556308663]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 270, "img_name": "DSCF5835.JPG", "width": 3118, "height": 2078, "position": [-3.441514406539158, 1.247230028394193, 0.05498141455115755], "rotation": [[0.3530455823008921, -0.3965383514131941, 0.8474173426808834], [0.6632442622402496, 0.7449070412243457, 0.0722533635187888], [-0.6598983750724129, 0.5365359594592866, 0.5259879264620925]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 271, "img_name": "DSCF5836.JPG", "width": 3118, "height": 2078, "position": [-3.351306157524577, 1.4040406240902488, -0.10722369582807673], "rotation": [[0.42394735567679764, -0.36732308062928654, 0.8278540898320558], [0.6545164315037822, 0.7560477243496203, 0.0002817752919106583], [-0.6260007032793219, 0.5417246467927883, 0.5609434254459387]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 272, "img_name": "DSCF5837.JPG", "width": 3118, "height": 2078, "position": [-3.235033143816531, 1.5090631398671221, -0.3474551415012362], "rotation": [[0.4423097005244522, -0.36000297913385737, 0.8214377540853091], [0.6460398489280549, 0.7631862013883792, -0.013391624524016257], [-0.622088934493281, 0.5366047679858273, 0.570140930433775]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 273, "img_name": "DSCF5838.JPG", "width": 3118, "height": 2078, "position": [-3.1170461626869477, 1.428330657363905, -0.6686658945561024], "rotation": [[0.5019628068499932, -0.36231320847749277, 0.7853422690152498], [0.6133774306518054, 0.7892965700561106, -0.027911504163138118], [-0.6097552526270407, 0.4957217601239671, 0.618432266649574]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 274, "img_name": "DSCF5839.JPG", "width": 3118, "height": 2078, "position": [-3.0287590674593763, 1.3375415920453881, -0.9140124493123092], "rotation": [[0.5201692104388477, -0.39739360727514295, 0.7559777201798179], [0.5998679918364831, 0.8000608442742367, 0.00781267107079574], [-0.6079328785988555, 0.4494229259350759, 0.6545507228339636]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 275, "img_name": "DSCF5840.JPG", "width": 3118, "height": 2078, "position": [-2.9539891992711573, 1.0942482341033828, -1.081891224187491], "rotation": [[0.5356616013314172, -0.41673992795421444, 0.7344348039872416], [0.5850861135356212, 0.8102973256445919, 0.03305274271530243], [-0.6088849551490364, 0.4120025200189168, 0.677873907811193]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 276, "img_name": "DSCF5841.JPG", "width": 3118, "height": 2078, "position": [-2.925851616128354, 0.8484479200024121, -1.1897275874951456], "rotation": [[0.542533713182719, -0.47171553915070563, 0.6950838943494015], [0.5753476512641797, 0.8115631242026732, 0.10168763749437945], [-0.6120720956267838, 0.3447459144908835, 0.7117007827710191]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 277, "img_name": "DSCF5842.JPG", "width": 3118, "height": 2078, "position": [-2.8860326105125256, 0.5854954840454228, -1.2415044670172728], "rotation": [[0.5257509560810769, -0.4950899492399897, 0.6917166141863137], [0.5611517331803774, 0.8129974988498029, 0.15538275069203547], [-0.6392923153992168, 0.30646534718546725, 0.7052547954080134]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 278, "img_name": "DSCF5843.JPG", "width": 3118, "height": 2078, "position": [-2.809509053314928, 0.30360953688442294, -1.2498675149992085], "rotation": [[0.5113850203624204, -0.524933563379937, 0.6803896787769259], [0.5453340976838341, 0.8101344812951723, 0.21515771917354187], [-0.6641506477090008, 0.2610112569485149, 0.7005548093431881]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 279, "img_name": "DSCF5844.JPG", "width": 3118, "height": 2078, "position": [-2.750682192492148, 0.09928904141526482, -1.2466063401687244], "rotation": [[0.49680396004039695, -0.5794567336447122, 0.6460771773727815], [0.5366395689625912, 0.7901745865419851, 0.296044077473012], [-0.6820585006521241, 0.1996347079467989, 0.703521275492911]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 280, "img_name": "DSCF5845.JPG", "width": 3118, "height": 2078, "position": [-2.707146117683604, -0.13888050154974654, -1.3064705580575569], "rotation": [[0.4833176889503745, -0.600907601700647, 0.6366428086188088], [0.5225511936606348, 0.7814838129621775, 0.3409153855166147], [-0.7023846962680171, 0.16790802332370153, 0.691709934981429]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 281, "img_name": "DSCF5846.JPG", "width": 3118, "height": 2078, "position": [-2.6661143840507715, -0.43877324394910344, -1.341808836343763], "rotation": [[0.4493969522192379, -0.639394060518596, 0.6238730758011616], [0.5111748306693998, 0.7567872223408479, 0.4073983217831591], [-0.7326272393421979, 0.13582464973327238, 0.6669400218150531]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 282, "img_name": "DSCF5847.JPG", "width": 3118, "height": 2078, "position": [-2.6814326205359804, -0.7521078718863513, -1.2976004829542642], "rotation": [[0.37104012064431063, -0.6963534935184437, 0.6143460270376248], [0.5418209253965444, 0.6996272707619705, 0.4657808141267616], [-0.7541613313308286, 0.1600421634158176, 0.6368886812108511]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 283, "img_name": "DSCF5848.JPG", "width": 3118, "height": 2078, "position": [-2.6738689009407794, -0.9861237946259108, -1.1476462696171184], "rotation": [[0.23937788785637726, -0.7252790007354857, 0.6454987202911836], [0.590322386295823, 0.6365507874121618, 0.4963089514435158], [-0.7708551790339252, 0.26224695639242923, 0.5805246134484588]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 284, "img_name": "DSCF5849.JPG", "width": 3118, "height": 2078, "position": [-2.6592150848338583, -1.1704037370642102, -0.8777534193634058], "rotation": [[0.13164377780240094, -0.7511384914218572, 0.6468855250122759], [0.6423836359681636, 0.5616475407779864, 0.5214358102186325], [-0.7549921721489792, 0.3469048956739239, 0.5564564792966563]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 285, "img_name": "DSCF5850.JPG", "width": 3118, "height": 2078, "position": [-2.615356954512184, -1.3553930956028957, -0.6000344980599422], "rotation": [[-0.060053685094210156, -0.7573659075814496, 0.6502233746489986], [0.6758636092603455, 0.448516006835035, 0.5848433750076456], [-0.7345760250540334, 0.4745843166878586, 0.48494101679455226]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 286, "img_name": "DSCF5851.JPG", "width": 3118, "height": 2078, "position": [-2.5259798556344486, -1.5110123298976987, -0.31593324287517033], "rotation": [[-0.23817381558672857, -0.709468767363656, 0.663270157405226], [0.7056784193714347, 0.3428039456587319, 0.6200834002569644], [-0.6673014326391731, 0.6157430657151564, 0.4190098746108593]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 287, "img_name": "DSCF5852.JPG", "width": 3118, "height": 2078, "position": [-2.3920185150352444, -1.6585613939417405, -0.05229692458347844], "rotation": [[-0.400528081726522, -0.644263544082495, 0.6515379816363241], [0.6677018762721214, 0.28173707212788646, 0.6890561853807673], [-0.6274961833917085, 0.7110194849334784, 0.31733236814697957]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 288, "img_name": "DSCF5853.JPG", "width": 3118, "height": 2078, "position": [-2.2251508165331435, -1.8153853404826736, 0.2335816459361663], "rotation": [[-0.5083382903864332, -0.5890847027365699, 0.6281491825424637], [0.6599269610521613, 0.2021424759272532, 0.7236261641914691], [-0.5532527348359495, 0.7823794683066314, 0.2859961170519199]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 289, "img_name": "DSCF5854.JPG", "width": 3118, "height": 2078, "position": [-1.9788662750631467, -1.9490981025013623, 0.48264652678013253], "rotation": [[-0.6401904867424018, -0.5072645331975902, 0.5769218612987002], [0.6003719690762903, 0.13816504614171338, 0.7876953210297215], [-0.47928033491056576, 0.8506427648457894, 0.21609545849815287]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 290, "img_name": "DSCF5855.JPG", "width": 3118, "height": 2078, "position": [-1.6905197832005256, -2.1551121166891933, 0.7653865641789211], "rotation": [[-0.7270925176936943, -0.4416002921807704, 0.5256668647153843], [0.5578409070128192, 0.06630367765411668, 0.827295198095972], [-0.4001874475504686, 0.8947586290589192, 0.19813379960936453]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}, {"id": 291, "img_name": "DSCF5856.JPG", "width": 3118, "height": 2078, "position": [-1.4755408591186039, -2.3318958184603265, 0.9580431817477539], "rotation": [[-0.8117367819389079, -0.3397933523374061, 0.4749988153193359], [0.5046365529781979, 0.0013216623549398058, 0.8633308766671682], [-0.29398188081197735, 0.9404991924057812, 0.17039930410164675]], "fy": 3222.7010797592447, "fx": 3222.7010797592447}] \ No newline at end of file diff --git a/real_scene_models/bonsai/gs/cfg_args b/real_scene_models/bonsai/gs/cfg_args new file mode 100644 index 0000000000000000000000000000000000000000..938355e67b18941bd4180f89da3d5b2b1f7c5a57 --- /dev/null +++ b/real_scene_models/bonsai/gs/cfg_args @@ -0,0 +1 @@ +Namespace(data_device='cuda', depths='', eval=False, images='/home/vlongle/code/diffPhys3d/real_scene_data/bonsai/images', model_path='/home/vlongle/code/diffPhys3d/real_scene_outputs/bonsai/gs', resolution=1, sh_degree=3, source_path='/home/vlongle/code/diffPhys3d/real_scene_data/bonsai/colmap', train_test_exp=False, white_background=False) \ No newline at end of file diff --git a/real_scene_models/bonsai/gs/exposure.json b/real_scene_models/bonsai/gs/exposure.json new file mode 100644 index 0000000000000000000000000000000000000000..080a56978872817c41471e526543223819b319bb --- /dev/null +++ b/real_scene_models/bonsai/gs/exposure.json @@ -0,0 +1,5842 @@ +{ + "DSCF5675.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5760.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5667.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5643.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5833.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5578.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5737.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5622.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5568.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5707.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5777.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5653.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5722.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5700.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5856.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5792.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5807.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5673.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5655.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5827.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5852.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5794.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5802.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5832.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5851.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5694.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5677.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5742.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5846.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5840.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5731.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5599.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5666.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5728.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5611.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5839.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5681.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5579.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5649.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5633.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5718.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5828.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5817.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5820.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5761.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5606.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5657.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5696.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5589.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5842.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5768.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5682.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5688.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5605.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5801.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5740.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5652.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5708.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5838.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5771.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5628.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5784.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5779.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5800.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5759.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5600.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5736.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5607.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5575.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5623.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5645.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5584.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5716.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5853.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5664.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5604.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5630.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5661.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5782.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5662.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5566.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5758.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5711.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5670.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5692.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5597.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5632.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5774.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5843.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5753.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5850.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5727.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5591.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5793.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5668.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5732.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5637.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5752.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5658.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5610.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5683.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5750.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5836.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5654.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5685.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5641.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5847.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5624.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5629.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5845.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5702.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5743.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5609.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5755.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5647.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5747.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5593.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5764.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5756.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5671.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5577.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5644.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5619.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5730.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5567.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5651.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5684.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5714.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5618.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5687.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5790.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5765.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5614.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5570.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5754.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5849.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5659.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5775.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5749.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5595.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5724.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5810.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5571.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5583.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5701.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5576.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5855.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5835.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5590.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5580.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5674.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5725.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5608.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5660.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5805.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5735.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5634.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5569.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5814.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5766.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5785.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5829.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5741.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5689.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5594.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5763.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5812.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5586.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5656.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5729.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5834.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5818.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5680.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5831.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5713.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5672.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5778.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5757.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5620.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5625.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5825.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5635.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5699.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5788.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5665.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5739.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5783.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5744.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5797.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5574.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5603.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5598.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5738.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5587.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5582.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5686.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5631.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5733.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5819.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5573.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5767.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5808.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5822.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5795.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5804.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5712.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5796.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5663.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5781.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5717.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5798.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5678.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5638.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5715.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5786.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5719.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5821.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5617.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5703.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5773.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5815.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5705.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5824.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5811.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5639.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5706.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5642.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5592.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5690.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5695.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5789.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5646.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5854.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5588.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5679.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5704.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5803.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5601.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5770.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5626.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5621.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5710.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5799.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5841.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5581.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5816.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5745.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5648.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5751.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5627.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5650.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5830.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5776.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5691.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5721.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5565.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5769.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5612.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5572.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5596.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5698.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5791.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5848.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5669.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5726.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5787.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5746.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5616.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5806.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5734.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5602.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5615.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5723.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5640.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5837.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5693.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5613.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5844.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5709.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5636.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5823.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5676.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5748.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5809.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5720.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5772.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5813.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5826.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5697.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5585.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5780.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "DSCF5762.JPG": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ] +} \ No newline at end of file diff --git a/real_scene_models/bonsai/gs/input.ply b/real_scene_models/bonsai/gs/input.ply new file mode 100644 index 0000000000000000000000000000000000000000..8886116fa45a3e9fa23608339c49ddfa522fbb32 --- /dev/null +++ b/real_scene_models/bonsai/gs/input.ply @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd75034f1d60b2f9d4c8785263ab4905b6ae597ab76c3ae3423cbcc39c61d27b +size 5578785 diff --git a/real_scene_models/bonsai/gs/point_cloud/iteration_30000/point_cloud.ply b/real_scene_models/bonsai/gs/point_cloud/iteration_30000/point_cloud.ply new file mode 100644 index 0000000000000000000000000000000000000000..8d28b5b524207daa53dfdb6682841c052ec26422 --- /dev/null +++ b/real_scene_models/bonsai/gs/point_cloud/iteration_30000/point_cloud.ply @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c6cfb293b59ac2317b07d12928a244879c0a56819f82acfa8a08cabbf943b04 +size 230584987 diff --git a/real_scene_models/bonsai/gs/point_cloud/iteration_7000/point_cloud.ply b/real_scene_models/bonsai/gs/point_cloud/iteration_7000/point_cloud.ply new file mode 100644 index 0000000000000000000000000000000000000000..bcb55c1bca957e3c26e74fadc9b07aa1ab7167f5 --- /dev/null +++ b/real_scene_models/bonsai/gs/point_cloud/iteration_7000/point_cloud.ply @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ee720bb64d16cf3ea2affbe37ad99c728642674a7390788db0458d33c46d604 +size 221888619 diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/config.yml b/real_scene_models/bouquet/f3rm/2025-05-27_192139/config.yml new file mode 100644 index 0000000000000000000000000000000000000000..bbf095fb5d1fc8954890e13511e4c049d286a4e2 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/config.yml @@ -0,0 +1,268 @@ +!!python/object:nerfstudio.engine.trainer.TrainerConfig +_target: !!python/name:nerfstudio.engine.trainer.Trainer '' +data: &id003 !!python/object/apply:pathlib.PosixPath +- / +- home +- vlongle +- code +- diffPhys3d +- real_scene_data +- bouquet +experiment_name: bouquet +gradient_accumulation_steps: {} +load_checkpoint: null +load_config: null +load_dir: null +load_scheduler: true +load_step: null +log_gradients: false +logging: !!python/object:nerfstudio.configs.base_config.LoggingConfig + local_writer: !!python/object:nerfstudio.configs.base_config.LocalWriterConfig + _target: !!python/name:nerfstudio.utils.writer.LocalWriter '' + enable: true + max_log_size: 10 + stats_to_track: !!python/tuple + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Train Iter (time) + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Train Rays / Sec + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Test PSNR + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Vis Rays / Sec + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Test Rays / Sec + - !!python/object/apply:nerfstudio.utils.writer.EventName + - ETA (time) + max_buffer_size: 20 + profiler: basic + relative_log_dir: !!python/object/apply:pathlib.PosixPath [] + steps_per_log: 10 +machine: !!python/object:nerfstudio.configs.base_config.MachineConfig + device_type: cuda + dist_url: auto + machine_rank: 0 + num_devices: 1 + num_machines: 1 + seed: 42 +max_num_iterations: 10000 +method_name: f3rm +mixed_precision: true +optimizers: + feature_field: + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: &id001 !!python/name:torch.optim.adam.Adam '' + eps: 1.0e-15 + lr: 0.01 + max_norm: null + weight_decay: 0 + scheduler: !!python/object:nerfstudio.engine.schedulers.ExponentialDecaySchedulerConfig + _target: &id002 !!python/name:nerfstudio.engine.schedulers.ExponentialDecayScheduler '' + lr_final: 0.0001 + lr_pre_warmup: 1.0e-08 + max_steps: 200000 + ramp: cosine + warmup_steps: 0 + fields: + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: *id001 + eps: 1.0e-15 + lr: 0.01 + max_norm: null + weight_decay: 0 + scheduler: !!python/object:nerfstudio.engine.schedulers.ExponentialDecaySchedulerConfig + _target: *id002 + lr_final: 0.0001 + lr_pre_warmup: 1.0e-08 + max_steps: 200000 + ramp: cosine + warmup_steps: 0 + proposal_networks: + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: *id001 + eps: 1.0e-15 + lr: 0.01 + max_norm: null + weight_decay: 0 + scheduler: !!python/object:nerfstudio.engine.schedulers.ExponentialDecaySchedulerConfig + _target: *id002 + lr_final: 0.0001 + lr_pre_warmup: 1.0e-08 + max_steps: 200000 + ramp: cosine + warmup_steps: 0 +output_dir: !!python/object/apply:pathlib.PosixPath +- / +- home +- vlongle +- code +- diffPhys3d +- real_scene_outputs +pipeline: !!python/object:nerfstudio.pipelines.base_pipeline.VanillaPipelineConfig + _target: !!python/name:nerfstudio.pipelines.base_pipeline.VanillaPipeline '' + datamanager: !!python/object:f3rm.feature_datamanager.FeatureDataManagerConfig + _target: !!python/name:f3rm.feature_datamanager.FeatureDataManager '' + camera_optimizer: !!python/object:nerfstudio.cameras.camera_optimizers.CameraOptimizerConfig + _target: &id004 !!python/name:nerfstudio.cameras.camera_optimizers.CameraOptimizer '' + mode: SO3xR3 + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: *id001 + eps: 1.0e-08 + lr: 0.0006 + max_norm: null + weight_decay: 0.01 + rot_l2_penalty: 0.001 + scheduler: null + trans_l2_penalty: 0.01 + camera_res_scale_factor: 1.0 + collate_fn: !!python/name:nerfstudio.data.utils.nerfstudio_collate.nerfstudio_collate '' + data: *id003 + dataparser: !!python/object:nerfstudio.data.dataparsers.colmap_dataparser.ColmapDataParserConfig + _target: !!python/name:nerfstudio.data.dataparsers.colmap_dataparser.ColmapDataParser '' + assume_colmap_world_coordinate_convention: true + auto_scale_poses: true + center_method: poses + colmap_path: !!python/object/apply:pathlib.PosixPath + - colmap + - sparse + - '0' + data: !!python/object/apply:pathlib.PosixPath [] + depth_unit_scale_factor: 0.001 + depths_path: null + downscale_factor: null + downscale_rounding_mode: floor + eval_interval: 8 + eval_mode: interval + images_path: !!python/object/apply:pathlib.PosixPath + - images + load_3D_points: true + masks_path: null + max_2D_matches_per_3D_point: 0 + orientation_method: up + scale_factor: 1.0 + scene_scale: 1.0 + train_split_fraction: 0.95 + enable_cache: true + eval_image_indices: !!python/tuple + - 0 + eval_num_images_to_sample_from: -1 + eval_num_rays_per_batch: 4096 + eval_num_times_to_repeat_images: -1 + feature_type: CLIP + images_on_gpu: false + masks_on_gpu: false + patch_size: 1 + pixel_sampler: !!python/object:nerfstudio.data.pixel_samplers.PixelSamplerConfig + _target: !!python/name:nerfstudio.data.pixel_samplers.PixelSampler '' + fisheye_crop_radius: null + ignore_mask: false + is_equirectangular: false + keep_full_image: false + max_num_iterations: 100 + num_rays_per_batch: 4096 + rejection_sample_mask: true + train_num_images_to_sample_from: -1 + train_num_rays_per_batch: 4096 + train_num_times_to_repeat_images: -1 + model: !!python/object:f3rm.model.FeatureFieldModelConfig + _target: !!python/name:f3rm.model.FeatureFieldModel '' + appearance_embed_dim: 32 + average_init_density: 1.0 + background_color: last_sample + base_res: 16 + camera_optimizer: !!python/object:nerfstudio.cameras.camera_optimizers.CameraOptimizerConfig + _target: *id004 + mode: SO3xR3 + optimizer: null + rot_l2_penalty: 0.001 + scheduler: null + trans_l2_penalty: 0.01 + collider_params: + far_plane: 6.0 + near_plane: 2.0 + disable_scene_contraction: true + distortion_loss_mult: 0.002 + enable_collider: false + eval_num_rays_per_chunk: 16384 + far_plane: 1000.0 + feat_features_per_level: 8 + feat_hidden_dim: 64 + feat_log2_hashmap_size: 19 + feat_loss_weight: 0.001 + feat_max_res: 128 + feat_num_layers: 2 + feat_num_levels: 12 + feat_pe_n_freq: 6 + feat_start_res: 16 + feat_use_pe: true + features_per_level: 2 + grid_feature_path: null + hidden_dim: 64 + hidden_dim_color: 64 + hidden_dim_transient: 64 + implementation: tcnn + interlevel_loss_mult: 1.0 + log2_hashmap_size: 19 + loss_coefficients: + rgb_loss_coarse: 1.0 + rgb_loss_fine: 1.0 + max_res: 2048 + near_plane: 0.05 + num_levels: 16 + num_nerf_samples_per_ray: 48 + num_proposal_iterations: 2 + num_proposal_samples_per_ray: !!python/tuple + - 256 + - 96 + orientation_loss_mult: 0.0001 + pred_normal_loss_mult: 0.001 + predict_normals: false + prompt: null + proposal_initial_sampler: piecewise + proposal_net_args_list: + - hidden_dim: 16 + log2_hashmap_size: 17 + max_res: 128 + num_levels: 5 + use_linear: false + - hidden_dim: 16 + log2_hashmap_size: 17 + max_res: 256 + num_levels: 5 + use_linear: false + proposal_update_every: 5 + proposal_warmup: 5000 + proposal_weights_anneal_max_num_iters: 1000 + proposal_weights_anneal_slope: 10.0 + use_appearance_embedding: true + use_average_appearance_embedding: true + use_gradient_scaling: false + use_proposal_weight_anneal: true + use_same_proposal_network: false + use_single_jitter: true +project_name: nerfstudio-project +prompt: null +relative_model_dir: !!python/object/apply:pathlib.PosixPath +- nerfstudio_models +save_only_latest_checkpoint: false +start_paused: false +steps_per_eval_all_images: 25000 +steps_per_eval_batch: 500 +steps_per_eval_image: 500 +steps_per_save: 2000 +timestamp: 2025-05-27_192139 +use_grad_scaler: false +viewer: !!python/object:nerfstudio.configs.base_config.ViewerConfig + camera_frustum_scale: 0.1 + default_composite_depth: true + image_format: jpeg + jpeg_quality: 75 + make_share_url: false + max_num_display_images: 512 + num_rays_per_chunk: 32768 + quit_on_train_completion: true + relative_log_filename: viewer_log_filename.txt + websocket_host: 0.0.0.0 + websocket_port: null + websocket_port_default: 7007 +vis: viewer diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/dataparser_transforms.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/dataparser_transforms.json new file mode 100644 index 0000000000000000000000000000000000000000..98b11917513f551814430e680568b1c21b16a619 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/dataparser_transforms.json @@ -0,0 +1,23 @@ +{ + "transform": [ + [ + 0.9993941783905029, + -0.034730978310108185, + -0.0022543896920979023, + -0.1696871668100357 + ], + [ + -0.0022543896920979023, + -0.12923626601696014, + 0.9916112422943115, + 0.052548155188560486 + ], + [ + -0.034730978310108185, + -0.9910054206848145, + -0.12923626601696014, + 0.04517670348286629 + ] + ], + "scale": 0.1588878264303963 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195156/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195156/args.json new file mode 100644 index 0000000000000000000000000000000000000000..30df4fe9b92935f3a2e8858646d8fa9aa594cf04 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195156/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.75, + -0.5, + -1.0 + ], + "max_bounds": [ + 0.25, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195259/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195259/args.json new file mode 100644 index 0000000000000000000000000000000000000000..138da4fd9f68098df66e010c3feb841a9a7b2419 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195259/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -1.0 + ], + "max_bounds": [ + 0.25, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195329/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195329/args.json new file mode 100644 index 0000000000000000000000000000000000000000..8427ad8bbc14e13dd880da74424b9e4755865dfc --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195329/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.5, + -1.0 + ], + "max_bounds": [ + 0.25, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195406/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195406/args.json new file mode 100644 index 0000000000000000000000000000000000000000..b54eea163f0bb0aaf683dc1a3f54c810cfd87853 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195406/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.5, + -1.0 + ], + "max_bounds": [ + 0.25, + 0.25, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195428/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195428/args.json new file mode 100644 index 0000000000000000000000000000000000000000..38ef27a6320b9ffc4791fb493d69a1560291cc78 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195428/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.0, + -1.0 + ], + "max_bounds": [ + 0.25, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195453/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195453/args.json new file mode 100644 index 0000000000000000000000000000000000000000..c6f185c39cd31432635d10517f1f27e5019ffb91 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195453/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.25, + -1.0 + ], + "max_bounds": [ + 0.25, + 0.25, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195527/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195527/args.json new file mode 100644 index 0000000000000000000000000000000000000000..32650c5f9e621e348280c0c0038b650162420f73 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195527/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -1.0 + ], + "max_bounds": [ + 0.25, + 0.3, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195547/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195547/args.json new file mode 100644 index 0000000000000000000000000000000000000000..dee0bb05fef3424f886fc1dbb45e30238329436d --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-05-27_195547/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.25, + -0.2, + -0.5 + ], + "max_bounds": [ + 0.25, + 0.3, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-06-06_093803/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-06-06_093803/args.json new file mode 100644 index 0000000000000000000000000000000000000000..2a76fac8e7a798b081bdfb325dc9cce300e348ec --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-06-06_093803/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -1.0 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-06-21_173047/args.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-06-21_173047/args.json new file mode 100644 index 0000000000000000000000000000000000000000..1b7959132f86981a04f1a5b0bf446616ad26a613 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/language_visualization/2025-06-21_173047/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/bouquet/f3rm/2025-05-27_192139/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -0.85 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.15 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerf_to_world.json b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerf_to_world.json new file mode 100644 index 0000000000000000000000000000000000000000..2e96ecc7902b0a45b3329e5f7bec951f20e1ac49 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerf_to_world.json @@ -0,0 +1,29 @@ +{ + "nerf_to_world": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ], + [ + 0.0, + 0.0, + 0.0, + 1.0 + ] + ], + "info": "Identity transform for pre-centered Objaverse data" +} \ No newline at end of file diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000002000.ckpt b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000002000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..891e5ff3875a69a1c0f33a249e839d58afdeb6a8 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000002000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5353e2910303409da142544ca6f85031d3d73534d6766dbb7f4e078c175ccc89 +size 176695050 diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000004000.ckpt b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000004000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..ba0877ca982f5a418cb6915504f72db237c418c5 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000004000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a0ce67080242170a22ad89684ecde2989259796e7f2ce188a40afda9e2300a1 +size 176695050 diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000006000.ckpt b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000006000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..41df718377f222a12dfb07815e7fe3e0c62bdbd1 --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000006000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be78e7b32bd9aa24c31be3c16954879738af448377810c1059bdcd56e6582f39 +size 176695050 diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000008000.ckpt b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000008000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..1f6c8991d97b1d96f06a98afbe6203a8a8b7b31d --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000008000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:483bb71dcc17e4566320d79495b1f80c98dcf84679c257638abdb8e03dd68896 +size 176695050 diff --git a/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000009999.ckpt b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000009999.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..029b616480743e1fa874383eb939be648f54184d --- /dev/null +++ b/real_scene_models/bouquet/f3rm/2025-05-27_192139/nerfstudio_models/step-000009999.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8f663d0dcb86cc2f626d0b43a1b2744e3a16ee59eb8857649500071fb82a138 +size 176694986 diff --git a/real_scene_models/bouquet/gs/cameras.json b/real_scene_models/bouquet/gs/cameras.json new file mode 100644 index 0000000000000000000000000000000000000000..8d1e6b3ec6be2e065bce7a0c22759c796405399e --- /dev/null +++ b/real_scene_models/bouquet/gs/cameras.json @@ -0,0 +1 @@ +[{"id": 0, "img_name": "frame_00001.jpg", "width": 994, "height": 738, "position": [1.266803657765484, -0.37387039312844483, -3.1974917794714592], "rotation": [[0.9538634033489227, 0.21352980162307345, -0.21106783641858198], [-0.089662201632895, 0.8735038915490264, 0.4784889142363161], [0.28654021942818514, -0.4374882572910015, 0.8523489469592427]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 1, "img_name": "frame_00002.jpg", "width": 994, "height": 738, "position": [1.2640327197745187, -0.3752979559260416, -3.184650714621549], "rotation": [[0.9551213027578984, 0.21266365308111543, -0.20619764226646656], [-0.09104408831582575, 0.8731729576368747, 0.4788318703202749], [0.2818763399095335, -0.4385694434292789, 0.8533478612437824]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 2, "img_name": "frame_00003.jpg", "width": 994, "height": 738, "position": [1.263017335132278, -0.4454953595832595, -3.0873394486390215], "rotation": [[0.955503988959932, 0.2084548943567591, -0.20870717309275713], [-0.08694752460473334, 0.8751312408003087, 0.4760099151702847], [0.2818727639321809, -0.43668280066201914, 0.8543160285042111]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 3, "img_name": "frame_00004.jpg", "width": 994, "height": 738, "position": [1.2669074512086593, -0.3145474780537631, -3.1924469023137316], "rotation": [[0.9489177644276076, 0.19906930866435688, -0.24479886989446353], [-0.07490711970012648, 0.8958010055761014, 0.43809757112665704], [0.3065028544270712, -0.39738138954503194, 0.8649531961160193]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 4, "img_name": "frame_00005.jpg", "width": 994, "height": 738, "position": [1.2541384907889173, -0.15617801169780215, -3.3761916887588854], "rotation": [[0.9505575657501113, 0.18675744314535053, -0.24811685074785628], [-0.08093504083497989, 0.920334747643921, 0.38266626640486673], [0.2998163327109832, -0.34366496724136936, 0.8899463786828539]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 5, "img_name": "frame_00006.jpg", "width": 994, "height": 738, "position": [1.0902761779705006, 0.08775253003725486, -3.538331404683028], "rotation": [[0.9594817557070949, 0.18345962274723274, -0.21386287028531523], [-0.1011618959127971, 0.9326791160922532, 0.3462310460093111], [0.262984849906908, -0.3105675984819027, 0.9134477190800933]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 6, "img_name": "frame_00007.jpg", "width": 994, "height": 738, "position": [0.8051586486710803, 0.44885180985412015, -3.8061975992931805], "rotation": [[0.9640793701948682, 0.17519502311356638, -0.1996438625174922], [-0.10159408711258681, 0.9376976355119964, 0.3322676418476095], [0.24541721502051667, -0.30004974292848197, 0.9218137243175137]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 7, "img_name": "frame_00008.jpg", "width": 994, "height": 738, "position": [0.6457419281971796, 0.704586080633213, -3.979029101937183], "rotation": [[0.974109273428548, 0.1594763340803838, -0.16024488225459116], [-0.11484758971517495, 0.9596018012383508, 0.2568548504442295], [0.1947335475903441, -0.23180095325169503, 0.95307248597076]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 8, "img_name": "frame_00009.jpg", "width": 994, "height": 738, "position": [0.5298102215945342, 1.2187096793131595, -4.134891683069589], "rotation": [[0.9823935305119154, 0.1537287334530641, -0.10616227069562591], [-0.12384747867907804, 0.9613243241892643, 0.24600273524269883], [0.13987406204571987, -0.22852356603416382, 0.9634377128459625]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 9, "img_name": "frame_00010.jpg", "width": 994, "height": 738, "position": [0.3920922399814959, 1.7945342805682556, -4.198394470576022], "rotation": [[0.9887062577351658, 0.12764535279274827, -0.07852770100887253], [-0.11523360593492335, 0.982518709565842, 0.14621286337497064], [0.09581832798874572, -0.1355125428271784, 0.9861314307727713]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 10, "img_name": "frame_00011.jpg", "width": 994, "height": 738, "position": [0.314832620532253, 2.179762399706391, -4.324994362229543], "rotation": [[0.989605033655923, 0.1387235474611766, -0.03791641785092813], [-0.13371365593925247, 0.9846142188297071, 0.11249665903361092], [0.052938979761785285, -0.1062573171981675, 0.9929284198589691]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 11, "img_name": "frame_00012.jpg", "width": 994, "height": 738, "position": [0.2712691691956219, 2.2742994015578377, -4.366527017129536], "rotation": [[0.9891686094054378, 0.14585266218164583, -0.01650645635620235], [-0.14437773037034346, 0.9870605767830443, 0.06976022314924524], [0.026467586592300335, -0.06662145821918632, 0.9974272144696716]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 12, "img_name": "frame_00013.jpg", "width": 994, "height": 738, "position": [0.1791208942302518, 2.304695058246754, -4.343989876195773], "rotation": [[0.9869493850913535, 0.16098372660083338, -0.0038924333658421194], [-0.16005641817110175, 0.9833460209912436, 0.08609614394922933], [0.017687686961183134, -0.08434952738692218, 0.9962792294129021]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 13, "img_name": "frame_00014.jpg", "width": 994, "height": 738, "position": [0.03155356352244098, 1.7569932741066208, -4.249630664339709], "rotation": [[0.9882656895685983, 0.14290063410190898, 0.05394752630821217], [-0.15114410428394257, 0.9658815558984448, 0.2103052061062781], [-0.022054173339928453, -0.21599127007467628, 0.9761461902245077]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 14, "img_name": "frame_00015.jpg", "width": 994, "height": 738, "position": [-0.30474867149968465, 1.1196261638622798, -4.185155665927727], "rotation": [[0.9901050378576585, 0.07957383450105088, 0.11558554784956507], [-0.10713504819856828, 0.9606177999889766, 0.2563893987508629], [-0.09063164710174468, -0.26623569859644647, 0.9596376698194412]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 15, "img_name": "frame_00016.jpg", "width": 994, "height": 738, "position": [-0.7517473511118566, 0.6897248570141019, -4.055517825805365], "rotation": [[0.9799319975818347, 0.014965331284144656, 0.19876951218642805], [-0.07760645539162415, 0.9471411622209591, 0.31128902471542186], [-0.183604243406362, -0.32046787309539543, 0.929295337401889]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 16, "img_name": "frame_00017.jpg", "width": 994, "height": 738, "position": [-1.0095526607005791, 0.3307567841747119, -3.808649739708208], "rotation": [[0.9682641422140926, -0.03271583478708362, 0.2477785807058228], [-0.05122751588260071, 0.9443678872890723, 0.32487695374352404], [-0.24462275552144697, -0.32725978612007656, 0.9127216113743205]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 17, "img_name": "frame_00018.jpg", "width": 994, "height": 738, "position": [-1.150737383507934, 0.005008931344415241, -3.5393393151837302], "rotation": [[0.9590112387886044, -0.07137685592588412, 0.27423126793872743], [-0.03593474895662053, 0.9293101723965167, 0.3675476803052649], [-0.28108030470769596, -0.36233678797286395, 0.8886539902498255]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 18, "img_name": "frame_00019.jpg", "width": 994, "height": 738, "position": [-1.341017100762656, -0.33725292814392344, -3.03594654854161], "rotation": [[0.9316774854862205, -0.14657896976332127, 0.3324028710182825], [0.0010810621764442067, 0.916102877415609, 0.40094182781971277], [-0.3632848666578945, -0.3731891257981198, 0.853670886257339]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 19, "img_name": "frame_00020.jpg", "width": 994, "height": 738, "position": [-1.4326902164019062, -0.48744905575124725, -2.622013574733282], "rotation": [[0.900060881294001, -0.2107951700374637, 0.38138668861556135], [0.014687575084326339, 0.8893912806077424, 0.4569107408641894], [-0.43551657270695077, -0.4056458384697135, 0.8036023697263432]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 20, "img_name": "frame_00021.jpg", "width": 994, "height": 738, "position": [-1.3220998768155285, -0.699955885981718, -1.9747961332212347], "rotation": [[0.8703767299618419, -0.3035762866647223, 0.3876671073431292], [0.019866052690352045, 0.8083327255534668, 0.5883906395837786], [-0.49198545495922447, -0.5044201056402909, 0.709584856894792]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 21, "img_name": "frame_00022.jpg", "width": 994, "height": 738, "position": [-1.1872283334097988, -0.8150745903996489, -1.688678770938126], "rotation": [[0.8614477190522443, -0.33841773032305206, 0.3786571894770778], [0.022328179751764026, 0.7701317363803528, 0.6374939693901077], [-0.5073551810405197, -0.5407130000497274, 0.6709844795884363]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 22, "img_name": "frame_00023.jpg", "width": 994, "height": 738, "position": [-0.9343117772280789, -1.0741757469944981, -1.2365705754282617], "rotation": [[0.8600159261203312, -0.3887143347809384, 0.3305658372475918], [0.04596263320520252, 0.7042082966802304, 0.7085041363574192], [-0.5081929192425184, -0.5941311646619297, 0.6234966848422101]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 23, "img_name": "frame_00024.jpg", "width": 994, "height": 738, "position": [-0.9403708277814606, -1.118421439836884, -1.2844614647254116], "rotation": [[0.859247086685642, -0.3911550756976856, 0.3296849265255764], [0.06662789543517793, 0.724550483159244, 0.6859936740988106], [-0.5072032803246799, -0.5674718531430822, 0.6486297312937792]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 24, "img_name": "frame_00025.jpg", "width": 994, "height": 738, "position": [-1.2671363389928785, -0.7733940478397061, -1.6225015603249375], "rotation": [[0.858993517977768, -0.37836319565697724, 0.34492235103631347], [0.08010031778884351, 0.7647135989504777, 0.6393723881044086], [-0.5056817923974564, -0.5215883470251688, 0.6871910368196372]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 25, "img_name": "frame_00026.jpg", "width": 994, "height": 738, "position": [-1.5422827320149741, -0.4863766383773972, -1.8256114990940544], "rotation": [[0.8224079702700432, -0.36509217290149854, 0.4362944369601449], [0.07161960749132608, 0.8272532676230978, 0.5572456038675367], [-0.5643720069768663, -0.42703598969287077, 0.7064874388465335]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 26, "img_name": "frame_00027.jpg", "width": 994, "height": 738, "position": [-1.9041771003662953, -0.1437851350017383, -1.961241943623229], "rotation": [[0.7878955805231967, -0.3597251739600737, 0.49981832040393376], [0.07067132318565958, 0.8591017972597297, 0.5069020280333176], [-0.6117402375773583, -0.3640630455903165, 0.7023047633074265]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 27, "img_name": "frame_00028.jpg", "width": 994, "height": 738, "position": [-2.287301565231507, 0.16396495401294117, -2.0748497724066937], "rotation": [[0.7587440947410123, -0.34459178302291826, 0.5527783477748816], [0.0683401527961567, 0.8860427352901382, 0.45853886940516614], [-0.6477939658652587, -0.31013670262104753, 0.6958291481936525]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 28, "img_name": "frame_00029.jpg", "width": 994, "height": 738, "position": [-2.653981292103995, 0.48937618296857655, -2.2015273979932664], "rotation": [[0.7322371769368171, -0.27164839147894654, 0.6245285166575674], [0.0441604734810862, 0.9340169486474804, 0.3544886348265289], [-0.6796164869200324, -0.2319902822235252, 0.6959180552768566]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 29, "img_name": "frame_00030.jpg", "width": 994, "height": 738, "position": [-2.8336808649617073, 0.773446299088022, -2.26885575664085], "rotation": [[0.7287034083829685, -0.21386801305674058, 0.6505780626505989], [0.018843463472436688, 0.955887571712268, 0.29312774370636896], [-0.6845701326346395, -0.20134404197091502, 0.7005885456296059]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 30, "img_name": "frame_00031.jpg", "width": 994, "height": 738, "position": [-2.9651966929201046, 1.1884618546043313, -2.3293994605464996], "rotation": [[0.7324773792841826, -0.14851117513966317, 0.664395454300834], [0.003460062043675926, 0.976715882791597, 0.21450900277910323], [-0.6807825767509251, -0.15482414269508385, 0.7159361480125885]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 31, "img_name": "frame_00032.jpg", "width": 994, "height": 738, "position": [-3.139700857153667, 1.768078083896147, -2.3557139217295244], "rotation": [[0.7260088870016875, -0.09012022686664331, 0.6817546778013889], [-0.030070602201146535, 0.9862673729040927, 0.16239589904957516], [-0.6870275503048122, -0.13840163963755683, 0.7133289081957949]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 32, "img_name": "frame_00033.jpg", "width": 994, "height": 738, "position": [-3.4876398696693482, 2.189868740959605, -2.409002695939061], "rotation": [[0.7202420491003914, -0.11832762985703538, 0.683556846736309], [-0.029955642642677967, 0.9791218367561882, 0.20105493841498256], [-0.6930757896374201, -0.16528460545254867, 0.7016601378294635]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 33, "img_name": "frame_00034.jpg", "width": 994, "height": 738, "position": [-3.7537109290979576, 2.3202021774412005, -2.3836285998535014], "rotation": [[0.6591267090938521, -0.11614002864329225, 0.7430097409225828], [-0.011998834597405049, 0.9862530718207893, 0.16480566219751513], [-0.7519361737058621, -0.11754306474987206, 0.6486721965691106]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 34, "img_name": "frame_00035.jpg", "width": 994, "height": 738, "position": [-4.002838032252979, 1.9174843096571783, -2.201810201275609], "rotation": [[0.5689540995127573, -0.1159709264094028, 0.8141510774268939], [-0.0063623348132400654, 0.989356308223417, 0.14537405571234377], [-0.8223446682160415, -0.08789106670348397, 0.5621604815801019]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 35, "img_name": "frame_00036.jpg", "width": 994, "height": 738, "position": [-4.030652304194364, 1.2856648952523366, -1.7685801590714845], "rotation": [[0.5210216202056314, -0.229873205333492, 0.8220065576064495], [0.03103285784723736, 0.96751673448807, 0.25089505818045676], [-0.8529791515694461, -0.10521253706306981, 0.5112307590830388]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 36, "img_name": "frame_00037.jpg", "width": 994, "height": 738, "position": [-3.819505080900382, 0.819870593522506, -1.240417823914034], "rotation": [[0.43993894425557656, -0.3873299046755068, 0.8102032277591541], [0.07921237275830441, 0.9154236706556408, 0.39461994780465987], [-0.894527319498565, -0.10943056313213322, 0.43341184400440197]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 37, "img_name": "frame_00038.jpg", "width": 994, "height": 738, "position": [-3.5066525476073083, 0.42003631153805476, -0.679305166753979], "rotation": [[0.3429951450320892, -0.4611357827101537, 0.818356963915326], [0.07674012968230427, 0.8820507709393418, 0.46486276467539955], [-0.9361972457664887, -0.09664485185257772, 0.3379267518703337]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 38, "img_name": "frame_00039.jpg", "width": 994, "height": 738, "position": [-3.3362064728224987, -0.08438289805616565, -0.2725700458752287], "rotation": [[0.1872226641786808, -0.4967419350940795, 0.8474639366585613], [0.10195536218472799, 0.8678859875220865, 0.48618825241319236], [-0.9770121688800082, -0.004621967308655698, 0.2131334306920899]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 39, "img_name": "frame_00040.jpg", "width": 994, "height": 738, "position": [-3.121368591891023, -0.5233761969647874, 0.08967232137040065], "rotation": [[0.11332534258136703, -0.5939175511920627, 0.7965044313215331], [0.14846409429194907, 0.8027908530077292, 0.577481825716787], [-0.9824030636326856, 0.05280898326180736, 0.1791519797601107]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 40, "img_name": "frame_00041.jpg", "width": 994, "height": 738, "position": [-2.351880170687292, -0.9983828951606574, 0.47640466374998525], "rotation": [[0.027480264026521206, -0.7031804630920557, 0.7104801696139554], [0.16406875128781404, 0.7042826294079366, 0.6907006752313917], [-0.9860660626651186, 0.09758695732466098, 0.13472381311492318]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 41, "img_name": "frame_00042.jpg", "width": 994, "height": 738, "position": [-2.27998208329865, -1.1548038255846673, 0.4915267269783237], "rotation": [[-0.047889149569302784, -0.7269782110678572, 0.6849885473393746], [0.1693504058355137, 0.6699376460549267, 0.7228443749810401], [-0.9843917255833045, 0.15061949087339832, 0.09103131094388642]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 42, "img_name": "frame_00043.jpg", "width": 994, "height": 738, "position": [-2.6874806353668865, -0.93347012209742, 0.5514863702138444], "rotation": [[-0.14625524689425426, -0.6625555920770999, 0.7345947795643964], [0.1853794764203299, 0.7110684812225497, 0.6782448412881447], [-0.9717221066117747, 0.23537566233410737, 0.018826712478688043]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 43, "img_name": "frame_00044.jpg", "width": 994, "height": 738, "position": [-3.2360827071216085, -0.5312256208882702, 0.8825087570797018], "rotation": [[-0.20376991020914306, -0.5273032079285845, 0.8248812948549514], [0.18310038873306161, 0.8071663063790195, 0.5612101224071537], [-0.9617442858364998, 0.26539382199794087, -0.06792678342278421]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 44, "img_name": "frame_00045.jpg", "width": 994, "height": 738, "position": [-3.5875166366248514, -0.07060910777176478, 1.2025379199853528], "rotation": [[-0.23844811607658573, -0.4201322446586064, 0.8755748928205105], [0.15120254518379733, 0.8745257751171391, 0.4608063139603326], [-0.959312402853976, 0.24226754973352868, -0.14500395883093462]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 45, "img_name": "frame_00046.jpg", "width": 994, "height": 738, "position": [-3.782290967011336, 0.7909709803647611, 1.4186644814218243], "rotation": [[-0.20725978583832036, -0.3300840365862709, 0.9209168854816197], [0.12979635223109962, 0.9237569636957468, 0.3603137229847274], [-0.9696371940688712, 0.19421019750396212, -0.14861396658362278]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 46, "img_name": "frame_00047.jpg", "width": 994, "height": 738, "position": [-3.9424298004646694, 1.5838783128862315, 1.5278448661943496], "rotation": [[-0.19978683654535612, -0.21546520361647326, 0.9558556198368612], [0.10410980308365986, 0.9653326162326796, 0.2393618368480071], [-0.9742927531522956, 0.14733528453117437, -0.1704287096912876]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 47, "img_name": "frame_00048.jpg", "width": 994, "height": 738, "position": [-4.1798168135478075, 1.7556407368013758, 1.8021642088388998], "rotation": [[-0.24706869727412634, -0.24252888206860224, 0.9381560638773381], [0.07852782275562015, 0.9599754657556189, 0.2688503044456985], [-0.9658107681531239, 0.1400958475824209, -0.21813462267516145]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 48, "img_name": "frame_00049.jpg", "width": 994, "height": 738, "position": [-4.126829186503138, 1.1970293776553584, 1.9820361320492652], "rotation": [[-0.2763429776955566, -0.2055319627743622, 0.9388243557537649], [0.08895975522718312, 0.9671999614236848, 0.23792939408980524], [-0.9569329760376497, 0.1492677021332491, -0.2489948442670788]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 49, "img_name": "frame_00050.jpg", "width": 994, "height": 738, "position": [-3.8374175213151314, 0.5916944063237415, 2.13370213149457], "rotation": [[-0.3531371165628538, -0.2543696021671263, 0.9003278749427962], [0.08347042508667737, 0.9499253433690036, 0.3011221183525552], [-0.9318405791987826, 0.18148814704717986, -0.31422155788528966]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 50, "img_name": "frame_00051.jpg", "width": 994, "height": 738, "position": [-3.3806570903347306, 0.1234878905297728, 2.3925499015145193], "rotation": [[-0.4593346797668389, -0.3950632856180235, 0.7955731596278164], [0.06656684285762542, 0.8778217826868883, 0.4743393018424488], [-0.8857654923259675, 0.27083928481131664, -0.37691587179028535]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 51, "img_name": "frame_00052.jpg", "width": 994, "height": 738, "position": [-2.793807666748514, -0.32715272532185685, 2.5034379812611514], "rotation": [[-0.6112369565306739, -0.3779530020261364, 0.6953710601042796], [0.09867234546810753, 0.8353601218703514, 0.5407746619698207], [-0.7852726604249894, 0.3991553520224711, -0.4733094693124951]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 52, "img_name": "frame_00053.jpg", "width": 994, "height": 738, "position": [-2.270502320053212, -0.5907523176458708, 2.4261179626648404], "rotation": [[-0.6479944002496023, -0.40737409923332674, 0.6435445598550216], [0.1310181846562729, 0.7727252020910051, 0.6210716523419741], [-0.750291605000704, 0.4867669928489922, -0.4473481889291785]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 53, "img_name": "frame_00054.jpg", "width": 994, "height": 738, "position": [-1.8186844665465112, -0.849466017698647, 2.3737825015016067], "rotation": [[-0.7651515016181111, -0.3699092015347354, 0.5269823167730435], [0.12542036830738393, 0.7171735442429062, 0.6855157464651765], [-0.6315163582878832, 0.5906177190518437, -0.5023522660014659]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 54, "img_name": "frame_00055.jpg", "width": 994, "height": 738, "position": [-1.4221860003484441, -1.1308198161798313, 2.3534640089092402], "rotation": [[-0.868620647202116, -0.30311590177762904, 0.391942497496394], [0.1293823035480177, 0.6248337999716437, 0.769962948421289], [-0.4782869335271293, 0.7195161377637965, -0.503525706111102]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 55, "img_name": "frame_00056.jpg", "width": 994, "height": 738, "position": [-1.2211797417727301, -1.2681042648270293, 2.203969484289393], "rotation": [[-0.9072421656077467, -0.2778258881800806, 0.3157917491010748], [0.10081179207625085, 0.5852807666002199, 0.8045392512651163], [-0.4083486690583693, 0.761747464783972, -0.5029832645063358]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 56, "img_name": "frame_00057.jpg", "width": 994, "height": 738, "position": [-1.1556516444530323, -1.1274556163857334, 2.4337905013468757], "rotation": [[-0.9313081867193526, -0.19848279085764817, 0.30540079090085903], [0.11265647942197489, 0.6403938707685692, 0.7597395658554943], [-0.34637202397676015, 0.7419570553714059, -0.5740436821277929]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 57, "img_name": "frame_00058.jpg", "width": 994, "height": 738, "position": [-0.9952362584165578, -0.8741650395356633, 2.9036073456407774], "rotation": [[-0.9722247209178386, -0.07864214026614633, 0.2204416154236524], [0.1061588713486751, 0.6912313708312043, 0.7147933169894564], [-0.20858903631352527, 0.7183415662156645, -0.6636836657449242]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 58, "img_name": "frame_00059.jpg", "width": 994, "height": 738, "position": [-0.833100105909948, -0.5786301186397661, 3.261511968728218], "rotation": [[-0.9856712166706421, -0.04692118069023404, 0.16202054014738368], [0.07270292027416109, 0.7485524354605073, 0.6590777926388901], [-0.1522055781192809, 0.6614133761640878, -0.7344152829432389]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 59, "img_name": "frame_00060.jpg", "width": 994, "height": 738, "position": [-0.7160186951283556, -0.17248219126120531, 3.352570480649777], "rotation": [[-0.9868528959778393, -0.01586816539577238, 0.16084017852242047], [0.07838922005324203, 0.8232849784784849, 0.5621894470648886], [-0.14133821804309007, 0.5674064200717623, -0.8112172721174954]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 60, "img_name": "frame_00061.jpg", "width": 994, "height": 738, "position": [-0.5087959839391212, 0.25747328311062984, 3.5970787238529605], "rotation": [[-0.994389375963379, -0.0010592235343920649, 0.10577640103853275], [0.05532487947859613, 0.8470762008576986, 0.5285840213732975], [-0.09016056056746286, 0.5314704017967434, -0.8422649733499356]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 61, "img_name": "frame_00062.jpg", "width": 994, "height": 738, "position": [-0.21101178035032522, 0.5054956298195882, 3.956842415803938], "rotation": [[-0.9971636552990961, 0.07084809910477681, -0.025400618177203366], [0.053133817092312165, 0.9016871496722295, 0.4291119686016355], [0.05330517828264968, 0.4265452273431388, -0.9028940840425549]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 62, "img_name": "frame_00063.jpg", "width": 994, "height": 738, "position": [0.2642795566699901, 0.770691372989921, 4.620279118129764], "rotation": [[-0.9852095068355703, 0.07273468694417462, -0.1551511938592316], [0.00776567972322998, 0.9234639116668465, 0.383606697109687], [0.17117804140498916, 0.37672811039806925, -0.9103702592773183]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 63, "img_name": "frame_00064.jpg", "width": 994, "height": 738, "position": [0.5308563853769591, 0.7382739169683225, 4.713549078823979], "rotation": [[-0.9803751168517404, 0.06259987602858204, -0.18693818705428267], [-0.020652103240077675, 0.9104160855262367, 0.41317797841468473], [0.19605642271983081, 0.40893007560742045, -0.89125645712893]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 64, "img_name": "frame_00065.jpg", "width": 994, "height": 738, "position": [0.832887679522548, 0.40597557612638646, 4.458870372103388], "rotation": [[-0.9609592773106338, 0.08508143258194446, -0.26328390983960326], [-0.04674205223505087, 0.8879543300004422, 0.4575503124098175], [0.2727131238196653, 0.451993647812964, -0.8493110704760949]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 65, "img_name": "frame_00066.jpg", "width": 994, "height": 738, "position": [1.0271934822140818, 0.1921164781782416, 4.174145490472939], "rotation": [[-0.9218156143934013, 0.14100828536575094, -0.36107151164101403], [-0.06080743348773649, 0.8673522492389556, 0.49396612411455826], [0.38282950394810283, 0.477301518118616, -0.7909644945941088]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 66, "img_name": "frame_00067.jpg", "width": 994, "height": 738, "position": [1.3504106396320534, -0.07689528294448794, 3.7565867909110024], "rotation": [[-0.8433328887041021, 0.24509582891376794, -0.4782443658623351], [-0.06503777405604019, 0.8368451436548561, 0.5435625938998365], [0.5334413995705897, 0.4895081615155728, -0.6897985452534776]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 67, "img_name": "frame_00068.jpg", "width": 994, "height": 738, "position": [1.4883250069820286, -0.372944208967086, 3.372322875577041], "rotation": [[-0.8153104015383836, 0.27923830761020485, -0.5072424634297765], [-0.06383543246900554, 0.8273421299781136, 0.5580591702720897], [0.5754945583624701, 0.4873714882163982, -0.6567153460738667]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 68, "img_name": "frame_00069.jpg", "width": 994, "height": 738, "position": [1.5309776720421533, -0.6012615682659936, 2.848259662646898], "rotation": [[-0.8057532989383149, 0.3831930679677381, -0.45158021868932074], [-0.04379528073472014, 0.721842246624271, 0.6906705034774484], [0.5906298287721247, 0.5762871191080864, -0.5648447235433053]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 69, "img_name": "frame_00070.jpg", "width": 994, "height": 738, "position": [1.48598756341034, -0.8062652757099936, 2.292720554043554], "rotation": [[-0.70516241918955, 0.513205109889634, -0.48925093535517034], [-0.025605748207353833, 0.6711312128555386, 0.7408962415816368], [0.708583310713343, 0.5349798223430697, -0.46011550882826696]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 70, "img_name": "frame_00071.jpg", "width": 994, "height": 738, "position": [1.395417422089331, -0.9621805966746906, 1.9657380861389062], "rotation": [[-0.6460906674306479, 0.63296869544604, -0.42651785430900496], [-0.01826897483978963, 0.5458255053458189, 0.8376996850138386], [0.763042000165995, 0.549021992546127, -0.3410890758780725]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 71, "img_name": "frame_00072.jpg", "width": 994, "height": 738, "position": [1.1236731464166856, -1.2561119064312363, 1.633155075003104], "rotation": [[-0.6259376546774027, 0.6865924120492768, -0.3698552584097027], [-0.042284872031782036, 0.44367386425581706, 0.8951901986581211], [0.7787259094535174, 0.5759725357103989, -0.24867970575245002]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 72, "img_name": "frame_00073.jpg", "width": 994, "height": 738, "position": [1.5093650194700632, -1.2149665360590365, 1.6367175783906136], "rotation": [[-0.5394363465796145, 0.6963159116318066, -0.47344754640530534], [-0.018142142822709033, 0.5525297706503837, 0.8332956949359782], [0.8418309157085159, 0.4580993383027314, -0.285421978137566]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 73, "img_name": "frame_00074.jpg", "width": 994, "height": 738, "position": [2.1032093734667607, -0.8996788929367261, 1.690613668725156], "rotation": [[-0.4230931786761476, 0.7019946637627943, -0.5728836305972396], [-0.013167104380153772, 0.6274315410374263, 0.7785603950071198], [0.9059905018927931, 0.3369468108766749, -0.2562187680871227]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 74, "img_name": "frame_00075.jpg", "width": 994, "height": 738, "position": [2.4147592434459604, -0.5558241946726851, 1.7969334705263962], "rotation": [[-0.3528578569644886, 0.6316886381751867, -0.6902613977174197], [-0.0484905402573807, 0.7243765845053264, 0.687697049089165], [0.9344196061106463, 0.2761304550765381, -0.22497104590424125]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 75, "img_name": "frame_00076.jpg", "width": 994, "height": 738, "position": [2.5586248282343234, -0.06698420211432725, 1.8463214765855076], "rotation": [[-0.34383539492288107, 0.48075401047635696, -0.8066305242235288], [-0.04659607973787806, 0.8492108222962544, 0.5259940918375233], [0.9378731399028801, 0.2184412065197831, -0.26958748625055606]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 76, "img_name": "frame_00077.jpg", "width": 994, "height": 738, "position": [3.0002640246130134, 0.421562784449044, 1.8039710565270062], "rotation": [[-0.2769371354559059, 0.3784354577848264, -0.8832284117354163], [-0.07729235558910438, 0.907427467274199, 0.41303908217482294], [0.9577743548315357, 0.18265266471508568, -0.22205019545029414]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 77, "img_name": "frame_00078.jpg", "width": 994, "height": 738, "position": [3.51643977680401, 0.7734471759044633, 1.7141158456332415], "rotation": [[-0.23119267748476333, 0.32044216356056443, -0.9186222105360022], [-0.12192865212987092, 0.9272153286996839, 0.3541258787693012], [0.9652374576585905, 0.19387767802653663, -0.17529431335847567]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 78, "img_name": "frame_00079.jpg", "width": 994, "height": 738, "position": [3.9397093441937243, 1.1207522305280544, 1.6813996540259264], "rotation": [[-0.18185217437388757, 0.30259747539268095, -0.9356091890108096], [-0.14708321033646016, 0.9323996242079029, 0.3301476488089561], [0.9722635012755593, 0.19765047094033716, -0.12505189092713928]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 79, "img_name": "frame_00080.jpg", "width": 994, "height": 738, "position": [4.206727720864266, 1.463990266396574, 1.53700540404861], "rotation": [[-0.18377187897096936, 0.28857832166615643, -0.9396544305029498], [-0.190726412862181, 0.9272996294037771, 0.32208513275893774], [0.9642879922181978, 0.23840710889560748, -0.11537208714344103]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 80, "img_name": "frame_00081.jpg", "width": 994, "height": 738, "position": [4.193840371579194, 1.2062007753496888, 1.186584197971635], "rotation": [[-0.0805259709004166, 0.3301620774516176, -0.9404831580753465], [-0.22377561482467417, 0.9134731248109849, 0.3398401454476704], [0.971308417661653, 0.23782315459367442, 0.0003239116066854156]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 81, "img_name": "frame_00082.jpg", "width": 994, "height": 738, "position": [4.057620020646854, 0.8654157515814751, 0.791224679190256], "rotation": [[0.0661579201660624, 0.37453288293577974, -0.9248503928739579], [-0.22217126588295655, 0.9091421903553263, 0.352278875795703], [0.9727605348775543, 0.18216914479607463, 0.14335740116576218]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 82, "img_name": "frame_00083.jpg", "width": 994, "height": 738, "position": [3.7492777998152893, 0.4488701303051274, 0.45951007861690324], "rotation": [[0.11070008654559518, 0.43853914112214676, -0.8918682147843635], [-0.1948337923611878, 0.8895467882275548, 0.41321459909857894], [0.9745692813714967, 0.12802317469072388, 0.18391515040679254]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 83, "img_name": "frame_00084.jpg", "width": 994, "height": 738, "position": [3.42539280298118, 0.030543313140272303, 0.09646452861403769], "rotation": [[0.19898266248312438, 0.452450985131331, -0.869306623743783], [-0.16671752991498376, 0.8897431557159159, 0.42492632546799197], [0.9657179532607715, 0.06037568144850603, 0.2524749726991866]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 84, "img_name": "frame_00085.jpg", "width": 994, "height": 738, "position": [3.1575119402577467, -0.29503160851498217, -0.4007626527574732], "rotation": [[0.32911935015497573, 0.49956409251366457, -0.8013215152637332], [-0.1764042484421601, 0.8661864055785607, 0.4675496250906951], [0.927664807182596, -0.012523109114420335, 0.3732039352056529]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 85, "img_name": "frame_00086.jpg", "width": 994, "height": 738, "position": [2.8312583864210135, -0.5684375378714033, -0.7103563626210021], "rotation": [[0.3999011185519782, 0.5100780862893828, -0.7615112876827485], [-0.15148443461415054, 0.8561938491077804, 0.49394793128388953], [0.9039532960560007, -0.08217322335994821, 0.4196617684661401]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 86, "img_name": "frame_00087.jpg", "width": 994, "height": 738, "position": [1.9837600829316817, -0.4290897279053414, -1.0176033771856328], "rotation": [[0.5581480780060981, 0.5464841529939677, -0.6243603074704254], [-0.13815067476784995, 0.8031786190983714, 0.5794984873875179], [0.8181595896151839, -0.2371901691674826, 0.5237897570314015]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 87, "img_name": "frame_00088.jpg", "width": 994, "height": 738, "position": [1.2426555506900514, 0.06740673596395179, -1.117789256425207], "rotation": [[0.7816885326140824, 0.46175439090088805, -0.4192206107330511], [-0.1294926011356914, 0.7777017183255348, 0.6151517727883283], [0.6100776214800502, -0.42657111927234387, 0.6677142921729207]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 88, "img_name": "frame_00089.jpg", "width": 994, "height": 738, "position": [0.8344635702003024, 0.19396410893540583, -1.1165605519510415], "rotation": [[0.876992299929972, 0.3536294463766778, -0.32531633915138997], [-0.11860349813832961, 0.8153939448069402, 0.5666267951672668], [0.46563689296799615, -0.4583436804707804, 0.757035900390206]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 89, "img_name": "frame_00090.jpg", "width": 994, "height": 738, "position": [0.6036748130404042, 0.4227231625596241, -1.4546903837894127], "rotation": [[0.9409117854273671, 0.2499452305981626, -0.22850031454051836], [-0.10687179130081825, 0.8594100402567485, 0.4999928028782494], [0.32134628093077233, -0.4460288829292615, 0.8353411299133044]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 90, "img_name": "frame_00091.jpg", "width": 994, "height": 738, "position": [0.27367429726377307, 0.4730971330380333, -1.6719305398227635], "rotation": [[0.9683731285431559, 0.19221211617862877, -0.1590848399743788], [-0.10051086242462132, 0.8840945992315338, 0.4563707989609902], [0.22836604487138457, -0.425947463901086, 0.8754528585515233]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 91, "img_name": "frame_00092.jpg", "width": 994, "height": 738, "position": [-0.07481243929896683, 0.44234191058567335, -1.686806144872349], "rotation": [[0.9857019124143028, 0.14724289742254915, -0.08192233530240153], [-0.10036247446967883, 0.9035868680723782, 0.416483067561544], [0.13534811997626522, -0.4023062278983054, 0.9054449654248055]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 92, "img_name": "frame_00093.jpg", "width": 994, "height": 738, "position": [-0.589662659516235, 0.4690319880275338, -1.78627120327033], "rotation": [[0.9958469289319088, 0.014269048795019282, 0.08991823165171486], [-0.050651532579403524, 0.9075150127921452, 0.4169543425894856], [-0.07565260328794852, -0.41977719781255135, 0.9044687876385776]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 93, "img_name": "frame_00094.jpg", "width": 994, "height": 738, "position": [-1.0335878662136022, 0.5415335070292014, -1.7570053861219275], "rotation": [[0.953148881556413, -0.07989187433405903, 0.2917610289314696], [-0.03594184380224806, 0.9277526371820143, 0.3714609374697595], [-0.3003587745544547, -0.364544006420636, 0.8814149272226658]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 94, "img_name": "frame_00095.jpg", "width": 994, "height": 738, "position": [-1.1432376990597541, 0.9718829600398742, -1.852879241650452], "rotation": [[0.9503362568494047, 0.009068168278438728, 0.3110928595155091], [-0.08255374974134179, 0.9711140208752461, 0.2238804075017642], [-0.3000764524602127, -0.23844355051790775, 0.9236334748672265]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 95, "img_name": "frame_00096.jpg", "width": 994, "height": 738, "position": [-1.1654684258626322, 1.2543964261263012, -1.8832776810260214], "rotation": [[0.9573663868864778, 0.05567999427608649, 0.2834595905898151], [-0.08862039108891863, 0.9905435757185157, 0.1047370559354437], [-0.2749473177595623, -0.12539203659001688, 0.9532475070078233]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 96, "img_name": "frame_00097.jpg", "width": 994, "height": 738, "position": [-1.029252816310689, 1.5401138486618038, -1.9261965691079532], "rotation": [[0.973016914317033, 0.10538446532337913, 0.20526129426042708], [-0.10738723948494389, 0.9942162984792192, -0.00139019210312115], [-0.20422062885213982, -0.020689763333247173, 0.9787062217256263]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 97, "img_name": "frame_00098.jpg", "width": 994, "height": 738, "position": [-0.442733712812098, 1.6701891660259505, -1.9285292275719037], "rotation": [[0.9935676786101669, 0.11322376484399421, -0.0019097370907654302], [-0.11318874036445582, 0.9924711069842148, -0.046791140787923007], [-0.0034025102368332423, 0.04670632586790918, 0.998902869175982]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 98, "img_name": "frame_00099.jpg", "width": 994, "height": 738, "position": [0.09097283612522217, 1.5935470310729383, -1.8401862968905156], "rotation": [[0.9837549661980269, 0.1210090412367028, -0.13260082360110992], [-0.12430562045219665, 0.9921010572842387, -0.01684057182788068], [0.1295155558406523, 0.03305002381950046, 0.991026446024937]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 99, "img_name": "frame_00100.jpg", "width": 994, "height": 738, "position": [0.7221877963406863, 1.3128534958658227, -1.716886130791893], "rotation": [[0.9119702065656324, 0.1313753826492196, -0.38865260988498285], [-0.10597182275205093, 0.9906260795560208, 0.08619711878059484], [0.3963335907026371, -0.03742297873284805, 0.917343559166093]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 100, "img_name": "frame_00101.jpg", "width": 994, "height": 738, "position": [1.0716675363970376, 0.9850518465783997, -1.628008849685236], "rotation": [[0.8565081241049356, 0.15925567991071846, -0.4909495511337384], [-0.08038046667371838, 0.9807583911773342, 0.1779099736174513], [0.5098360657305048, -0.11291858372925932, 0.852828575699137]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 101, "img_name": "frame_00102.jpg", "width": 994, "height": 738, "position": [1.2073849606341929, 0.40575952748071464, -1.4045719620115333], "rotation": [[0.8592195267628399, 0.28891161779015917, -0.42222255024490873], [-0.1222866333703413, 0.9173424601455609, 0.3788519369266017], [0.49677739897099704, -0.2738848077567704, 0.8235285835668655]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 102, "img_name": "frame_00103.jpg", "width": 994, "height": 738, "position": [0.8767742651087632, -0.00963404100025768, -1.2691569967399041], "rotation": [[0.9035888805538207, 0.3237314919887156, -0.2805798567863582], [-0.16228473696455928, 0.8647979118875201, 0.4751717960310026], [0.39647294874661615, -0.38382612299027424, 0.8339584571322589]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 103, "img_name": "frame_00104.jpg", "width": 994, "height": 738, "position": [0.5042303924754129, -0.13786749772520773, -1.2747556651372391], "rotation": [[0.9208107682866851, 0.3759364484829956, -0.10382348341910141], [-0.20000115374380367, 0.683702202842438, 0.7018196608314313], [0.33482393508892383, -0.62547828461937, 0.7047480741095915]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 104, "img_name": "frame_00105.jpg", "width": 994, "height": 738, "position": [0.3858854960744308, -0.04491077175716223, -1.389743863788464], "rotation": [[0.92388286906392, 0.37635597544953414, -0.06925766379000496], [-0.233338155104667, 0.6974843275305644, 0.6775462480315174], [0.3033047141449833, -0.6098129160592337, 0.7322120306200681]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 105, "img_name": "frame_00106.jpg", "width": 994, "height": 738, "position": [0.49964676210856335, 0.2150621118332787, -1.4516991402982606], "rotation": [[0.8900808902758719, 0.433623400529014, -0.14045196787288317], [-0.2699826676517853, 0.7498319514703432, 0.6040375846930409], [0.3672402046799026, -0.4997227141804055, 0.7844818933530794]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 106, "img_name": "frame_00107.jpg", "width": 994, "height": 738, "position": [0.807234424542585, 0.3646601522347147, -1.367578115575361], "rotation": [[0.8406194524036434, 0.463273011619703, -0.280601234753892], [-0.2741767683008835, 0.8107621215440974, 0.5171961736066863], [0.4671038813419152, -0.35783082451645276, 0.8085611078089233]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 107, "img_name": "frame_00108.jpg", "width": 994, "height": 738, "position": [1.144194612449868, 0.48415833529814, -1.209139032676715], "rotation": [[0.7698874612882399, 0.48458359459029093, -0.4152734482303211], [-0.250391704899163, 0.8279042426140201, 0.5018750433916758], [0.5870070621967328, -0.2824062763389981, 0.7587288079514987]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 108, "img_name": "frame_00109.jpg", "width": 994, "height": 738, "position": [1.6794766628344402, 0.605525162884001, -0.9338677983784625], "rotation": [[0.6387078538406038, 0.4660079946426765, -0.6122816560794884], [-0.17151223752762912, 0.8619443135910482, 0.4771116773317572], [0.7500905477478008, -0.19972117863954186, 0.6304566765307797]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 109, "img_name": "frame_00110.jpg", "width": 994, "height": 738, "position": [1.9801033985127852, 0.7050220380158347, -0.6861635531760854], "rotation": [[0.4848894073393721, 0.40600017738396366, -0.7746264381069512], [-0.13630735791491524, 0.9099762566277799, 0.3916165427455125], [0.863888052254647, -0.08430343016676527, 0.4965786592613397]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 110, "img_name": "frame_00111.jpg", "width": 994, "height": 738, "position": [2.2537568320542456, 0.7493552528555324, -0.27733849594674725], "rotation": [[0.3368683025399054, 0.4222255807576626, -0.8415731136970436], [-0.11131331596675915, 0.9054059825043114, 0.40969421833104586], [0.9349487111239669, -0.04433470197550452, 0.35200190591582886]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 111, "img_name": "frame_00112.jpg", "width": 994, "height": 738, "position": [2.4389466686477146, 0.5756339963236621, 0.18366283481444434], "rotation": [[0.165614527566418, 0.4063438093975242, -0.8985858538966994], [-0.052821443013214286, 0.913515606967848, 0.4033598033817524], [0.9847749607991431, -0.019337641802267113, 0.17275512204439344]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 112, "img_name": "frame_00113.jpg", "width": 994, "height": 738, "position": [2.3384265936743684, 0.2403782685159898, 0.38025293604913174], "rotation": [[0.09658961131981979, 0.4867829172519048, -0.868166365656267], [-0.03984203579661431, 0.873436573224243, 0.48530522842626905], [0.9945265502582962, -0.012285927967276098, 0.10375932153457566]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 113, "img_name": "frame_00114.jpg", "width": 994, "height": 738, "position": [2.105921198628234, 0.06862855521763397, 0.3031763733067338], "rotation": [[0.12724193443496432, 0.5822217913134589, -0.8030113796460144], [-0.06454698620357383, 0.8127364276832849, 0.5790450636078751], [0.9897692542675205, -0.021846849575158877, 0.14099481717551351]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 114, "img_name": "frame_00115.jpg", "width": 994, "height": 738, "position": [1.8023236760723387, -0.004976202165441547, 0.15653135638161897], "rotation": [[0.23637190169938543, 0.6996376681430945, -0.6742666070645269], [-0.12508121388813187, 0.7100664985959603, 0.6929359692669623], [0.9635782345088993, -0.07945250711567566, 0.2553512974193513]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 115, "img_name": "frame_00116.jpg", "width": 994, "height": 738, "position": [1.468608132497467, -0.01491824881807267, -0.08630775507200812], "rotation": [[0.34589144122232107, 0.755368224344582, -0.5565769996502361], [-0.17627204786800618, 0.6349443137519767, 0.7521794224614565], [0.9215678358262971, -0.16206345696838861, 0.352772107579228]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 116, "img_name": "frame_00117.jpg", "width": 994, "height": 738, "position": [0.8193049340984789, -0.04375336634237747, 2.03504677908827], "rotation": [[-0.9062386217544159, 0.27093233878963013, -0.32454156627254577], [-0.0945578511962699, 0.6183164334123883, 0.7802202259294024], [0.41205627433373737, 0.7377536553417845, -0.5347234526482216]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 117, "img_name": "frame_00118.jpg", "width": 994, "height": 738, "position": [0.6769372916552322, -0.040363235042706766, 2.0821398401065263], "rotation": [[-0.9156290619568115, 0.27264367845911597, -0.2954468573134118], [-0.07080078869580157, 0.6140545158187033, 0.7860816114899967], [0.395740659043447, 0.7406770390655703, -0.5429427728415933]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 118, "img_name": "frame_00119.jpg", "width": 994, "height": 738, "position": [0.30288600843339625, -0.09139268094667086, 2.195147410038563], "rotation": [[-0.9751237679119976, 0.17696722624865746, -0.1334774815726017], [0.0017963837091020095, 0.6084586141656713, 0.7935835733261873], [0.2216538072280226, 0.7736024274014703, -0.5936403575060196]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 119, "img_name": "frame_00120.jpg", "width": 994, "height": 738, "position": [-0.13576358434094385, -0.07872553816449225, 2.2826863967042925], "rotation": [[-0.9968188603445729, 0.05220684147445691, 0.06022130324567722], [0.07966523748393659, 0.6302121431154015, 0.7723251288198], [0.0023684589873740826, 0.7746657991502874, -0.6323664206999543]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 120, "img_name": "frame_00121.jpg", "width": 994, "height": 738, "position": [-0.3928814404871055, -0.08363661113970039, 2.3056833276352307], "rotation": [[-0.9809890558246638, 0.006209863663845113, 0.1939636820271022], [0.14871409687967832, 0.6661873657980473, 0.7308067535541257], [-0.12467794408593687, 0.745758560959467, -0.6544460092430608]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 121, "img_name": "frame_00122.jpg", "width": 994, "height": 738, "position": [-0.6517359361193582, 0.03502828686861723, 2.363660160117082], "rotation": [[-0.9661650471460093, -0.013190356674725824, 0.25758710403306845], [0.17378349140719712, 0.704677140487983, 0.6879167288182516], [-0.19058961091222668, 0.70940548501155, -0.6785421564264471]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 122, "img_name": "frame_00123.jpg", "width": 994, "height": 738, "position": [-0.6975406404704587, 0.3661430304237223, 2.530385236922745], "rotation": [[-0.958862616673388, -0.04854958304059711, 0.27968807685142244], [0.1567574791063846, 0.730859880987076, 0.664282264634371], [-0.23666342153039707, 0.6807986283403787, -0.6931837076557587]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 123, "img_name": "frame_00124.jpg", "width": 994, "height": 738, "position": [-0.5183510490340935, 0.5980763353949459, 2.6212589490883142], "rotation": [[-0.9589567022480932, -0.0834453882431291, 0.2709961446117184], [0.1266139108093748, 0.7291343903516128, 0.6725562864148528], [-0.2537143291243473, 0.6792642401801638, -0.6886429635227874]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 124, "img_name": "frame_00125.jpg", "width": 994, "height": 738, "position": [-0.3220080947185967, 0.6812762525482847, 2.674762379690503], "rotation": [[-0.9752149765604748, -0.09024888322856704, 0.20201705019168442], [0.07364401686870843, 0.7285779281425145, 0.6809924826332537], [-0.20864397492282033, 0.678991415041131, -0.703873816837115]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 125, "img_name": "frame_00126.jpg", "width": 994, "height": 738, "position": [-0.05400399281379159, 0.7330298428968406, 2.7288059274643586], "rotation": [[-0.9969497405666096, -0.05729686701635998, 0.052993243100227114], [-0.0035585185995000808, 0.7116629384253221, 0.7025120632538727], [-0.07796506736704087, 0.7001806417646419, -0.7096960738009668]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 126, "img_name": "frame_00127.jpg", "width": 994, "height": 738, "position": [0.30837547148889116, 0.665183148715349, 2.7902826151608027], "rotation": [[-0.9923185662219718, 0.006897248142867836, -0.12351635964205875], [-0.08378707323431964, 0.6970975075013571, 0.712063755147123], [0.09101422685491237, 0.716943158837192, -0.6911648989253952]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 127, "img_name": "frame_00128.jpg", "width": 994, "height": 738, "position": [0.5248144373867871, 0.5159123063846509, 2.749904433860819], "rotation": [[-0.978508403680727, 0.0765340733078831, -0.1914780393389762], [-0.09217933123708573, 0.668280731578246, 0.7381760187746065], [0.18445670174563616, 0.7399617553793896, -0.6468634521728468]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 128, "img_name": "frame_00129.jpg", "width": 994, "height": 738, "position": [0.5364991527654664, 0.19465150587114358, 2.6414308509902433], "rotation": [[-0.9677506209098361, 0.11126235452803818, -0.22600757552237993], [-0.10392367194895949, 0.6409378457797938, 0.7605251792385326], [0.22947463070516563, 0.7594862515622217, -0.6087052057857679]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 129, "img_name": "frame_00130.jpg", "width": 994, "height": 738, "position": [-0.26552191487158383, -0.2830745544642477, 2.498311556170084], "rotation": [[-0.9996101429841497, -0.009861288057782226, -0.026121199073699652], [-0.02638294399610628, 0.6397987856635193, 0.7680894831525711], [0.009137959799907511, 0.7684791922110363, -0.6398095254287539]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 130, "img_name": "frame_00131.jpg", "width": 994, "height": 738, "position": [-0.8723988744028637, -0.32273258019783074, 2.3697971257254173], "rotation": [[-0.9843729984018856, -0.12236345297300838, 0.12663721962283686], [0.017994646319206577, 0.6454763560060375, 0.7635682461581373], [-0.17517417823733872, 0.7539147559331159, -0.6331876089005399]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 131, "img_name": "frame_00132.jpg", "width": 994, "height": 738, "position": [-1.1715370585801235, -0.2663763557088018, 2.1959183860975933], "rotation": [[-0.9362028084647651, -0.22481686053880115, 0.27015121809861237], [0.06308430909150343, 0.6486804077208441, 0.7584418887334526], [-0.34575232662866406, 0.727097729233558, -0.5931140031851121]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 132, "img_name": "frame_00133.jpg", "width": 994, "height": 738, "position": [-1.443020542423513, -0.3127210958673896, 1.8510413968475399], "rotation": [[-0.833450647990483, -0.3666655753009883, 0.41342033483301044], [0.10774279877031807, 0.6259598456767353, 0.7723766962522214], [-0.541988474672093, 0.6882809219276335, -0.48220106369964005]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 133, "img_name": "frame_00134.jpg", "width": 994, "height": 738, "position": [-1.2539570187945288, -0.37070707533029273, 1.5140805485302604], "rotation": [[-0.747379247459548, -0.5001833068405155, 0.43731101063760824], [0.11352775930037276, 0.5523838411081448, 0.8258229470963182], [-0.6546263883583033, 0.6668498718907417, -0.3560555294111653]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 134, "img_name": "frame_00135.jpg", "width": 994, "height": 738, "position": [-1.0097008301564503, -0.4420064422882659, 1.2387412275982361], "rotation": [[-0.6906411261979344, -0.5913856707947772, 0.4162665290203617], [0.09597885611533014, 0.4955478717800828, 0.8632614702122544], [-0.716800456182082, 0.6361566592851498, -0.28548522004530597]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 135, "img_name": "frame_00136.jpg", "width": 994, "height": 738, "position": [-1.1319435676077003, -0.4167670948372396, 1.011921564674072], "rotation": [[-0.6042390908225641, -0.6422902483120458, 0.4715488925288346], [0.14162314798635708, 0.4958071827000757, 0.8568069336422574], [-0.7841160660746306, 0.584498481183881, -0.20862291441109945]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 136, "img_name": "frame_00137.jpg", "width": 994, "height": 738, "position": [-1.5115552905372873, -0.25760926246915156, 0.6108261037664933], "rotation": [[-0.42587479785839616, -0.711380299787088, 0.5590784610624016], [0.25135011150396264, 0.5005732281788032, 0.8284018135407464], [-0.869168440520027, 0.4933198884146925, -0.034376004690765724]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 137, "img_name": "frame_00138.jpg", "width": 994, "height": 738, "position": [-1.8790732121634701, -0.07129271688836343, 0.38612584627718155], "rotation": [[-0.34369480380007955, -0.7116373847186308, 0.6127365784018873], [0.2894674620832504, 0.5404302716083564, 0.790027664024748], [-0.8933546161720476, 0.44889570525919004, 0.020252791510006012]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 138, "img_name": "frame_00139.jpg", "width": 994, "height": 738, "position": [-2.1006614530784025, 0.13553667192225038, 0.3772123154105813], "rotation": [[-0.3305319192561326, -0.636246266456538, 0.6970934935666613], [0.2731851621118644, 0.6424915404918116, 0.71594307566899], [-0.9033927814382684, 0.4270776379261444, -0.03855092253958963]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 139, "img_name": "frame_00140.jpg", "width": 994, "height": 738, "position": [-2.283804269792698, 0.38755566119886664, 0.6061728914074019], "rotation": [[-0.36480675938387525, -0.5886833860894024, 0.7213653022222167], [0.20261725248960358, 0.7059988141196821, 0.6786102883505133], [-0.9087696502972571, 0.39372267575530623, -0.13827572923214884]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 140, "img_name": "frame_00141.jpg", "width": 994, "height": 738, "position": [-2.3390095741602495, 0.5044936207986689, 1.064132233762963], "rotation": [[-0.41078708603546554, -0.5649376175852168, 0.7156112479437631], [0.12997906987907729, 0.7405881142232066, 0.6592682962684346], [-0.9024186452749413, 0.3638333867424124, -0.23079396732082313]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 141, "img_name": "frame_00142.jpg", "width": 994, "height": 738, "position": [-2.1231772832960076, 0.36835054785335486, 1.6217666865744749], "rotation": [[-0.45680162153464793, -0.5061052770435259, 0.7315666252037556], [0.05787942858065907, 0.8037313981947661, 0.5921704242049433], [-0.8876836431468662, 0.31284706823715297, -0.33785272173674363]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 142, "img_name": "frame_00143.jpg", "width": 994, "height": 738, "position": [-3.1976903699217827, -0.5112551126227298, 1.4012597471590789], "rotation": [[-0.37387459512576066, -0.2561174170747412, 0.8914155348604323], [0.12691630377120208, 0.9379475467879655, 0.3227176030393959], [-0.9187546130260265, 0.2337910779850255, -0.31816928339799755]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 143, "img_name": "frame_00144.jpg", "width": 994, "height": 738, "position": [-3.7066795779581785, -0.5019730631809107, 0.7682874361409339], "rotation": [[-0.266961010506508, -0.19634024129022415, 0.943494742179012], [0.17631531122558655, 0.9525506973840151, 0.2481130386349155], [-0.9474411485135993, 0.23258907662081443, -0.21967610598312284]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 144, "img_name": "frame_00145.jpg", "width": 994, "height": 738, "position": [-3.9199137639147255, -0.5301159650964387, 0.5025294080292706], "rotation": [[-0.23285496130436406, -0.1241008658314592, 0.9645608026951048], [0.19236917107507875, 0.9663495214213337, 0.1707709122439957], [-0.9532956881345, 0.22531661622845653, -0.20114609972735806]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 145, "img_name": "frame_00146.jpg", "width": 994, "height": 738, "position": [-4.23038748876823, -0.5847842255949509, 0.4067153535208356], "rotation": [[-0.08567067565137845, -0.08872229930807615, 0.992365300148551], [0.1743020155474056, 0.9793319772786024, 0.10260451089350217], [-0.9809583797030064, 0.18176146974832422, -0.06843555658706041]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 146, "img_name": "frame_00147.jpg", "width": 994, "height": 738, "position": [-4.381253061522521, -0.5318080845980468, -0.14259396049852724], "rotation": [[0.16082975977666394, -0.0666114610891799, 0.9847317917188138], [0.17673813751394185, 0.9835369674479891, 0.037665161772069994], [-0.9710290516345448, 0.16798198389939886, 0.16995479977611264]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 147, "img_name": "frame_00148.jpg", "width": 994, "height": 738, "position": [-4.059650585657879, -0.37662742686004796, -0.8264000229088301], "rotation": [[0.3294894171227952, -0.06791197709242133, 0.9417136971348985], [0.1642049440579627, 0.9863314214297064, 0.013677114000270557], [-0.9297706493275649, 0.15012758063678205, 0.3361372475360987]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 148, "img_name": "frame_00149.jpg", "width": 994, "height": 738, "position": [-3.6910071367015935, -0.2431351155310837, -1.3914849082516771], "rotation": [[0.4084144726175852, -0.061520159027262065, 0.9107210816653799], [0.14833808072527216, 0.9889366687085743, 0.000281230031325387], [-0.9006627739410805, 0.13497975891535838, 0.4130218303188215]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 149, "img_name": "frame_00150.jpg", "width": 994, "height": 738, "position": [-3.113711908952142, -0.16525158098260964, -2.2823867587436717], "rotation": [[0.5560805330910874, -0.07631130861084344, 0.8276176803906695], [0.13236614918545184, 0.9911978441463184, 0.002456890210262418], [-0.8205203490876667, 0.10818233653323998, 0.5612868596317413]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 150, "img_name": "frame_00151.jpg", "width": 994, "height": 738, "position": [-2.481506330124323, -0.09094524495883888, -2.8409050008282337], "rotation": [[0.664817722542452, -0.055237468081628306, 0.7449605478905568], [0.09277822348540435, 0.9956463771880921, -0.00897178015333901], [-0.7412216922354334, 0.07508071464869377, 0.6670481910982756]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 151, "img_name": "frame_00152.jpg", "width": 994, "height": 738, "position": [-1.5095506232984646, -0.10946974786480367, -3.3548627460152574], "rotation": [[0.8273052800384961, -0.0512410842117043, 0.5594106943107493], [0.0699752450865008, 0.9974751167617888, -0.012118437033693396], [-0.5573772857728504, 0.04917054738219285, 0.8288020382302556]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 152, "img_name": "frame_00153.jpg", "width": 994, "height": 738, "position": [-0.6369524008209193, 0.009924609324442887, -4.106297328979535], "rotation": [[0.9485875480902185, -0.015177950827469726, 0.3161507447672175], [0.0161468403888556, 0.9998695322013598, -0.000445107729652403], [-0.3161027414522756, 0.005527059264481063, 0.9487088639104425]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 153, "img_name": "frame_00154.jpg", "width": 994, "height": 738, "position": [-0.0466066551042074, 0.011509770987245085, -4.299642103095637], "rotation": [[0.9801077598375123, -0.009141437949919068, 0.19825542418431005], [0.011306088127520202, 0.9998881653638193, -0.009789235753031892], [-0.19814376466986208, 0.011835999222012084, 0.9801015037458473]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 154, "img_name": "frame_00155.jpg", "width": 994, "height": 738, "position": [0.39890159431159466, -0.06865201516407438, -4.146067733048849], "rotation": [[0.9996891499962683, -0.004040454734759797, 0.02460240039660536], [0.003984337398064455, 0.9999893490399383, 0.0023295626582963834], [-0.024611550849893943, -0.002230814249753009, 0.9996946008819624]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 155, "img_name": "frame_00156.jpg", "width": 994, "height": 738, "position": [1.0214807891875184, -0.1322743271757948, -4.102871186282845], "rotation": [[0.9801236955296727, 0.04726644471374083, -0.19267440064881514], [-0.039929839175322175, 0.9983283377658444, 0.041786815589595114], [0.19432742833859085, -0.03326279028898212, 0.9803726012988638]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 156, "img_name": "frame_00157.jpg", "width": 994, "height": 738, "position": [1.6539110000313118, -0.17441462799658133, -3.8321806170748336], "rotation": [[0.9222573380662643, 0.10590572250072319, -0.37178674038288134], [-0.08168735715575502, 0.9934141820810757, 0.08034574364019428], [0.3778472946361219, -0.04372917540712968, 0.9248346777421229]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 157, "img_name": "frame_00158.jpg", "width": 994, "height": 738, "position": [2.0968419728663346, -0.2992290698649934, -3.3573893900793386], "rotation": [[0.883582135146363, 0.1341540407712876, -0.44864830746914675], [-0.09773212500174105, 0.9898166006061155, 0.1034965164012654], [0.4579640184477798, -0.04760032047464646, 0.8876954248490146]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 158, "img_name": "frame_00159.jpg", "width": 994, "height": 738, "position": [3.161831469699049, -0.4183507396850537, -2.679595548206255], "rotation": [[0.7460543219110695, 0.16976860973015181, -0.6438800881438297], [-0.11177320774545177, 0.9851617135427188, 0.13024265123171594], [0.6564371247789894, -0.02519954999331766, 0.753959736253885]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 159, "img_name": "frame_00160.jpg", "width": 994, "height": 738, "position": [3.771077353704369, -0.49960790648601866, -1.9212643021566138], "rotation": [[0.5946988726352384, 0.18730964188094146, -0.7818237326564154], [-0.1074439365065878, 0.9822734455269309, 0.15360559469179544], [0.7967365006037723, -0.007346854502796678, 0.6042821959437245]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 160, "img_name": "frame_00161.jpg", "width": 994, "height": 738, "position": [3.9608252670701276, -0.6279494882589588, -1.2755688612357752], "rotation": [[0.45136301556830755, 0.22596764013676876, -0.8632554973981361], [-0.1111993314941166, 0.974108599200168, 0.19684294663397997], [0.8853847394507911, 0.007145808233229187, 0.4648040453485196]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 161, "img_name": "frame_00162.jpg", "width": 994, "height": 738, "position": [4.554440207265982, -0.7905145436225763, -0.6850852338891419], "rotation": [[0.22729715294576966, 0.21741392978671695, -0.9492455885583263], [-0.1412981757702563, 0.9718071831612182, 0.188747514633323], [0.9635200204389863, 0.09122489731951054, 0.2516091976106987]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 162, "img_name": "frame_00163.jpg", "width": 994, "height": 738, "position": [5.160170464344934, -1.0304638108039557, -0.11777454585868637], "rotation": [[0.02179360276653106, 0.08854543254068609, -0.9958336935726955], [-0.14427453495601672, 0.9859226465604336, 0.08450676637107667], [0.9892976788821854, 0.14183173613635786, 0.034261657619951966]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 163, "img_name": "frame_00164.jpg", "width": 994, "height": 738, "position": [5.052865025704477, -1.2122505755791697, 0.4020967278607579], "rotation": [[0.08064085678156926, 0.020426875010973847, -0.9965338905400156], [-0.15419360687894043, 0.9880100643084222, 0.007774601142822927], [0.9847443240837678, 0.1530322044621761, 0.08282367162985188]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 164, "img_name": "frame_00165.jpg", "width": 994, "height": 738, "position": [5.14400991297162, -1.3853110377896134, 1.4258170663260692], "rotation": [[0.2452450808721207, 0.04754248717024851, -0.9682946670418533], [-0.18560753966530938, 0.9826231795600056, 0.0012362082251089132], [0.9515275568933446, 0.17941961683453675, 0.24980774521125323]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 165, "img_name": "frame_00166.jpg", "width": 994, "height": 738, "position": [5.223057283144201, -1.3153396441828702, 1.8211161104161182], "rotation": [[0.41783547930610854, 0.03194976445199783, -0.9079607506850151], [-0.19551414166835995, 0.9791280651501761, -0.05551983828287857], [0.8872360072949694, 0.20071732507866474, 0.4153610751774252]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 166, "img_name": "frame_00167.jpg", "width": 994, "height": 738, "position": [5.3606343960440554, -1.3935996735189398, 2.007099343287294], "rotation": [[0.4654251606741376, 0.04658624023606786, -0.8838603634240652], [-0.2184675959726128, 0.973761843627621, -0.06371641393616069], [0.8577011888305859, 0.22275007096655283, 0.46339084643850625]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 167, "img_name": "frame_00168.jpg", "width": 994, "height": 738, "position": [5.289938635984412, -1.6370369271787837, 1.9045984459224268], "rotation": [[0.16694643446469676, 0.036030640590218, -0.9853074042948136], [-0.15673533155997293, 0.9875943937538418, 0.009557681035005854], [0.9734284379759562, 0.15283686193009885, 0.1705226371337538]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 168, "img_name": "frame_00169.jpg", "width": 994, "height": 738, "position": [5.217922444223658, -1.7009269452072526, 1.8535941565821092], "rotation": [[-0.1002654332034914, 0.012079107313952682, -0.9948873996945655], [-0.12137455564540107, 0.9923097791196329, 0.02428002276413805], [0.9875297768403732, 0.12318846305577333, -0.09802827359266676]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 169, "img_name": "frame_00170.jpg", "width": 994, "height": 738, "position": [5.247546904336817, -1.7901148733585948, 2.4008335485691705], "rotation": [[-0.534702360697138, 0.01311501826480562, -0.8449386852078804], [-0.12606265141966871, 0.9874530718435057, 0.09510330606170925], [0.8355845818239772, 0.15736717320565258, -0.5263401746164844]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 170, "img_name": "frame_00171.jpg", "width": 994, "height": 738, "position": [5.526109947928274, -1.7865247113016913, 2.5448363005334893], "rotation": [[-0.7741039258526453, 0.042117437591381805, -0.6316559454562727], [-0.049568072073183846, 0.9906886043296175, 0.12680337330837177], [0.6311149801822719, 0.12946895651920076, -0.7648082577269676]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 171, "img_name": "frame_00172.jpg", "width": 994, "height": 738, "position": [5.894002278624694, -1.766146938467234, 2.472122673278589], "rotation": [[-0.9252548256827395, 0.051588682634895716, -0.37582191976360096], [-0.00933441600369499, 0.9873135104610573, 0.15850836173190877], [0.3792312964783794, 0.1501687047458947, -0.9130350397910625]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 172, "img_name": "frame_00173.jpg", "width": 994, "height": 738, "position": [6.051499547599266, -1.5657889888665708, 2.495325497290051], "rotation": [[-0.9405988915613626, 0.09700743015427361, -0.32536638377127974], [-0.0057857175501553155, 0.953594455699861, 0.3010384353050548], [0.33947054462201254, 0.28503889656211767, -0.8963886304392109]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 173, "img_name": "frame_00174.jpg", "width": 994, "height": 738, "position": [6.117491709728246, -1.177638343732648, 2.5941128738054378], "rotation": [[-0.829996940814695, 0.27383202709755666, -0.48592293542689513], [-0.0404085703616566, 0.8393819488317151, 0.542037905885556], [0.5563022790530114, 0.4695252548171555, -0.6856192889711539]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 174, "img_name": "frame_00175.jpg", "width": 994, "height": 738, "position": [6.151508034632248, -0.9492955479673689, 2.4422717269967325], "rotation": [[-0.6942601092453002, 0.4236952467330406, -0.5817948423684516], [-0.07187646291873331, 0.7635009474566447, 0.6417944198192268], [0.7161261584308977, 0.48738961943052694, -0.49961453549948914]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 175, "img_name": "frame_00176.jpg", "width": 994, "height": 738, "position": [6.448769262423276, -0.667527404973194, 2.045085469236047], "rotation": [[-0.4095696509718715, 0.6342240947693117, -0.6557533824669352], [-0.14365168540112336, 0.6650047357069532, 0.732893508477693], [0.9008978267729344, 0.3943710170656216, -0.18125839736252508]], "fy": 787.5828050125212, "fx": 779.8505839493814}, {"id": 176, "img_name": "frame_00178.jpg", "width": 994, "height": 738, "position": [6.033128975233913, -0.7209889914711399, 1.705049713507978], "rotation": [[0.262854212867689, 0.6063582229856757, -0.7504914178026031], [-0.30844851831443415, 0.7898347562087932, 0.5301137325463532], [0.9142030268640209, 0.09214533793008758, 0.39464168858651033]], "fy": 787.5828050125212, "fx": 779.8505839493814}] \ No newline at end of file diff --git a/real_scene_models/bouquet/gs/cfg_args b/real_scene_models/bouquet/gs/cfg_args new file mode 100644 index 0000000000000000000000000000000000000000..5bc55882a5a44b05f64cd3f507c340bb2041a92e --- /dev/null +++ b/real_scene_models/bouquet/gs/cfg_args @@ -0,0 +1 @@ +Namespace(data_device='cuda', depths='', eval=False, images='/home/vlongle/code/diffPhys3d/real_scene_data/bouquet/images', model_path='/home/vlongle/code/diffPhys3d/real_scene_outputs/bouquet/gs', resolution=-1, sh_degree=3, source_path='/home/vlongle/code/diffPhys3d/real_scene_data/bouquet/colmap', train_test_exp=False, white_background=False) \ No newline at end of file diff --git a/real_scene_models/bouquet/gs/exposure.json b/real_scene_models/bouquet/gs/exposure.json new file mode 100644 index 0000000000000000000000000000000000000000..fa506a81c439f8619d5ff61369039e81c491a33d --- /dev/null +++ b/real_scene_models/bouquet/gs/exposure.json @@ -0,0 +1,3542 @@ +{ + "frame_00060.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00030.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00082.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00172.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00157.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00062.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00129.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00045.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00101.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00029.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00115.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00089.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00093.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00075.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00072.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00167.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00052.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00149.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00023.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00069.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00044.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00006.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00042.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00135.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00133.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00059.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00107.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00171.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00146.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00117.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00033.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00173.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00166.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00095.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00145.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00102.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00035.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00178.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00003.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00048.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00010.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00007.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00138.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00100.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00098.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00116.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00088.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00015.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00160.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00083.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00018.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00047.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00002.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00109.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00013.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00055.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00022.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00094.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00110.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00032.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00008.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00040.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00021.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00096.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00046.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00064.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00151.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00163.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00054.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00028.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00168.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00140.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00162.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00068.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00051.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00106.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00119.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00087.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00020.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00165.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00097.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00009.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00061.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00034.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00152.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00079.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00005.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00090.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00161.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00158.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00111.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00141.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00074.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00118.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00050.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00077.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00120.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00128.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00037.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00076.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00176.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00170.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00143.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00027.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00122.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00105.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00043.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00147.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00139.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00148.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00156.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00071.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00039.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00014.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00132.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00066.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00113.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00041.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00175.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00012.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00058.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00070.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00126.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00153.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00124.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00136.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00031.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00057.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00049.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00017.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00084.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00063.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00086.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00127.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00001.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00103.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00024.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00004.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00016.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00174.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00134.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00114.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00169.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00142.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00053.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00081.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00112.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00091.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00154.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00144.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00121.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00085.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00019.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00026.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00080.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00038.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00155.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00137.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00065.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00159.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00025.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00164.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00073.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00036.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00130.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00056.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00150.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00092.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00123.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00078.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00104.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00125.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00131.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00067.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00011.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00108.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ], + "frame_00099.jpg": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ] + ] +} \ No newline at end of file diff --git a/real_scene_models/bouquet/gs/input.ply b/real_scene_models/bouquet/gs/input.ply new file mode 100644 index 0000000000000000000000000000000000000000..cf42a62b608439ddc4151bbe79e952b52fd16bb9 --- /dev/null +++ b/real_scene_models/bouquet/gs/input.ply @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dd56bf4c4dc684c0986dc030c6def6162d48b1831e605ddd0e42178a687710a +size 592397 diff --git a/real_scene_models/bouquet/gs/point_cloud/iteration_30000/point_cloud.ply b/real_scene_models/bouquet/gs/point_cloud/iteration_30000/point_cloud.ply new file mode 100644 index 0000000000000000000000000000000000000000..1d400759e8b9e6d331653b0ee7e56bf528c223ec --- /dev/null +++ b/real_scene_models/bouquet/gs/point_cloud/iteration_30000/point_cloud.ply @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05736dcc9773974c10c687a1ba956e94188692c6cff7139020743ce29147d25f +size 369794580 diff --git a/real_scene_models/bouquet/gs/point_cloud/iteration_7000/point_cloud.ply b/real_scene_models/bouquet/gs/point_cloud/iteration_7000/point_cloud.ply new file mode 100644 index 0000000000000000000000000000000000000000..52a7cbd2282ac932b15fb46c3eee3709465789ee --- /dev/null +++ b/real_scene_models/bouquet/gs/point_cloud/iteration_7000/point_cloud.ply @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b89595d851b74dab108f5466ba1513861ffbe4422ad35b02e8fe7a2717bee23b +size 295206100 diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/config.yml b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/config.yml new file mode 100644 index 0000000000000000000000000000000000000000..c57274ba90b3973e516a9b2ebbf83a32c04468c7 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/config.yml @@ -0,0 +1,263 @@ +!!python/object:nerfstudio.engine.trainer.TrainerConfig +_target: !!python/name:nerfstudio.engine.trainer.Trainer '' +data: &id003 !!python/object/apply:pathlib.PosixPath +- / +- home +- vlongle +- code +- diffPhys3d +- real_scene_data +- vasedeck +experiment_name: vasedeck +gradient_accumulation_steps: {} +load_checkpoint: null +load_config: null +load_dir: null +load_scheduler: true +load_step: null +log_gradients: false +logging: !!python/object:nerfstudio.configs.base_config.LoggingConfig + local_writer: !!python/object:nerfstudio.configs.base_config.LocalWriterConfig + _target: !!python/name:nerfstudio.utils.writer.LocalWriter '' + enable: true + max_log_size: 10 + stats_to_track: !!python/tuple + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Train Iter (time) + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Train Rays / Sec + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Test PSNR + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Vis Rays / Sec + - !!python/object/apply:nerfstudio.utils.writer.EventName + - Test Rays / Sec + - !!python/object/apply:nerfstudio.utils.writer.EventName + - ETA (time) + max_buffer_size: 20 + profiler: basic + relative_log_dir: !!python/object/apply:pathlib.PosixPath [] + steps_per_log: 10 +machine: !!python/object:nerfstudio.configs.base_config.MachineConfig + device_type: cuda + dist_url: auto + machine_rank: 0 + num_devices: 1 + num_machines: 1 + seed: 42 +max_num_iterations: 10000 +method_name: f3rm +mixed_precision: true +optimizers: + feature_field: + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: &id001 !!python/name:torch.optim.adam.Adam '' + eps: 1.0e-15 + lr: 0.01 + max_norm: null + weight_decay: 0 + scheduler: !!python/object:nerfstudio.engine.schedulers.ExponentialDecaySchedulerConfig + _target: &id002 !!python/name:nerfstudio.engine.schedulers.ExponentialDecayScheduler '' + lr_final: 0.0001 + lr_pre_warmup: 1.0e-08 + max_steps: 200000 + ramp: cosine + warmup_steps: 0 + fields: + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: *id001 + eps: 1.0e-15 + lr: 0.01 + max_norm: null + weight_decay: 0 + scheduler: !!python/object:nerfstudio.engine.schedulers.ExponentialDecaySchedulerConfig + _target: *id002 + lr_final: 0.0001 + lr_pre_warmup: 1.0e-08 + max_steps: 200000 + ramp: cosine + warmup_steps: 0 + proposal_networks: + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: *id001 + eps: 1.0e-15 + lr: 0.01 + max_norm: null + weight_decay: 0 + scheduler: !!python/object:nerfstudio.engine.schedulers.ExponentialDecaySchedulerConfig + _target: *id002 + lr_final: 0.0001 + lr_pre_warmup: 1.0e-08 + max_steps: 200000 + ramp: cosine + warmup_steps: 0 +output_dir: !!python/object/apply:pathlib.PosixPath +- real_scene_outputs +pipeline: !!python/object:nerfstudio.pipelines.base_pipeline.VanillaPipelineConfig + _target: !!python/name:nerfstudio.pipelines.base_pipeline.VanillaPipeline '' + datamanager: !!python/object:f3rm.feature_datamanager.FeatureDataManagerConfig + _target: !!python/name:f3rm.feature_datamanager.FeatureDataManager '' + camera_optimizer: !!python/object:nerfstudio.cameras.camera_optimizers.CameraOptimizerConfig + _target: &id004 !!python/name:nerfstudio.cameras.camera_optimizers.CameraOptimizer '' + mode: SO3xR3 + optimizer: !!python/object:nerfstudio.engine.optimizers.AdamOptimizerConfig + _target: *id001 + eps: 1.0e-08 + lr: 0.0006 + max_norm: null + weight_decay: 0.01 + rot_l2_penalty: 0.001 + scheduler: null + trans_l2_penalty: 0.01 + camera_res_scale_factor: 1.0 + collate_fn: !!python/name:nerfstudio.data.utils.nerfstudio_collate.nerfstudio_collate '' + data: *id003 + dataparser: !!python/object:nerfstudio.data.dataparsers.colmap_dataparser.ColmapDataParserConfig + _target: !!python/name:nerfstudio.data.dataparsers.colmap_dataparser.ColmapDataParser '' + assume_colmap_world_coordinate_convention: true + auto_scale_poses: true + center_method: poses + colmap_path: !!python/object/apply:pathlib.PosixPath + - colmap + - sparse + - '0' + data: !!python/object/apply:pathlib.PosixPath [] + depth_unit_scale_factor: 0.001 + depths_path: null + downscale_factor: null + downscale_rounding_mode: floor + eval_interval: 8 + eval_mode: interval + images_path: !!python/object/apply:pathlib.PosixPath + - images + load_3D_points: true + masks_path: null + max_2D_matches_per_3D_point: 0 + orientation_method: up + scale_factor: 1.0 + scene_scale: 1.0 + train_split_fraction: 0.9 + enable_cache: true + eval_image_indices: !!python/tuple + - 0 + eval_num_images_to_sample_from: -1 + eval_num_rays_per_batch: 4096 + eval_num_times_to_repeat_images: -1 + feature_type: CLIP + images_on_gpu: false + masks_on_gpu: false + patch_size: 1 + pixel_sampler: !!python/object:nerfstudio.data.pixel_samplers.PixelSamplerConfig + _target: !!python/name:nerfstudio.data.pixel_samplers.PixelSampler '' + fisheye_crop_radius: null + ignore_mask: false + is_equirectangular: false + keep_full_image: false + max_num_iterations: 100 + num_rays_per_batch: 4096 + rejection_sample_mask: true + train_num_images_to_sample_from: -1 + train_num_rays_per_batch: 4096 + train_num_times_to_repeat_images: -1 + model: !!python/object:f3rm.model.FeatureFieldModelConfig + _target: !!python/name:f3rm.model.FeatureFieldModel '' + appearance_embed_dim: 32 + average_init_density: 1.0 + background_color: last_sample + base_res: 16 + camera_optimizer: !!python/object:nerfstudio.cameras.camera_optimizers.CameraOptimizerConfig + _target: *id004 + mode: SO3xR3 + optimizer: null + rot_l2_penalty: 0.001 + scheduler: null + trans_l2_penalty: 0.01 + collider_params: + far_plane: 6.0 + near_plane: 2.0 + disable_scene_contraction: false + distortion_loss_mult: 0.002 + enable_collider: false + eval_num_rays_per_chunk: 16384 + far_plane: 1000.0 + feat_features_per_level: 8 + feat_hidden_dim: 64 + feat_log2_hashmap_size: 19 + feat_loss_weight: 0.001 + feat_max_res: 128 + feat_num_layers: 2 + feat_num_levels: 12 + feat_pe_n_freq: 6 + feat_start_res: 16 + feat_use_pe: true + features_per_level: 2 + grid_feature_path: null + hidden_dim: 64 + hidden_dim_color: 64 + hidden_dim_transient: 64 + implementation: tcnn + interlevel_loss_mult: 1.0 + log2_hashmap_size: 19 + loss_coefficients: + rgb_loss_coarse: 1.0 + rgb_loss_fine: 1.0 + max_res: 2048 + near_plane: 0.05 + num_levels: 16 + num_nerf_samples_per_ray: 48 + num_proposal_iterations: 2 + num_proposal_samples_per_ray: !!python/tuple + - 256 + - 96 + orientation_loss_mult: 0.0001 + pred_normal_loss_mult: 0.001 + predict_normals: false + prompt: null + proposal_initial_sampler: piecewise + proposal_net_args_list: + - hidden_dim: 16 + log2_hashmap_size: 17 + max_res: 128 + num_levels: 5 + use_linear: false + - hidden_dim: 16 + log2_hashmap_size: 17 + max_res: 256 + num_levels: 5 + use_linear: false + proposal_update_every: 5 + proposal_warmup: 5000 + proposal_weights_anneal_max_num_iters: 1000 + proposal_weights_anneal_slope: 10.0 + use_appearance_embedding: true + use_average_appearance_embedding: true + use_gradient_scaling: false + use_proposal_weight_anneal: true + use_same_proposal_network: false + use_single_jitter: true +project_name: nerfstudio-project +prompt: null +relative_model_dir: !!python/object/apply:pathlib.PosixPath +- nerfstudio_models +save_only_latest_checkpoint: false +start_paused: false +steps_per_eval_all_images: 25000 +steps_per_eval_batch: 500 +steps_per_eval_image: 500 +steps_per_save: 2000 +timestamp: 2025-05-10_114501 +use_grad_scaler: false +viewer: !!python/object:nerfstudio.configs.base_config.ViewerConfig + camera_frustum_scale: 0.1 + default_composite_depth: true + image_format: jpeg + jpeg_quality: 75 + make_share_url: false + max_num_display_images: 512 + num_rays_per_chunk: 32768 + quit_on_train_completion: true + relative_log_filename: viewer_log_filename.txt + websocket_host: 0.0.0.0 + websocket_port: null + websocket_port_default: 7007 +vis: viewer diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/dataparser_transforms.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/dataparser_transforms.json new file mode 100644 index 0000000000000000000000000000000000000000..95d5298e8caac9996d2a37c40b266661498d4f04 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/dataparser_transforms.json @@ -0,0 +1,23 @@ +{ + "transform": [ + [ + 0.9998053908348083, + 0.018139977008104324, + 0.007755170576274395, + -0.07195364683866501 + ], + [ + 0.007755170576274395, + -0.7228386998176575, + 0.6909732818603516, + 0.033922456204891205 + ], + [ + 0.018139977008104324, + -0.6907786726951599, + -0.7228386998176575, + 0.16612768173217773 + ] + ], + "scale": 0.2096882550592249 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_093342/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_093342/args.json new file mode 100644 index 0000000000000000000000000000000000000000..78dced9ce900219209da0430bc34fc840fefaede --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_093342/args.json @@ -0,0 +1,27 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "min_bounds": [ + -0.5, + -0.5, + -0.5 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.5 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_093425/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_093425/args.json new file mode 100644 index 0000000000000000000000000000000000000000..d74e221f81119a5af42d197f3d5d8dc935ace9c0 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_093425/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 2, + "min_bounds": [ + -2, + -2, + -2 + ], + "max_bounds": [ + 2, + 2, + 2 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_093449/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_093449/args.json new file mode 100644 index 0000000000000000000000000000000000000000..b77fe3322629e9ac097525a387d4310b0ff58be1 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_093449/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1, + "min_bounds": [ + -1, + -1, + -1 + ], + "max_bounds": [ + 1, + 1, + 1 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094119/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094119/args.json new file mode 100644 index 0000000000000000000000000000000000000000..d5a60be73a680ae3c0a677f900e359b03eda7079 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094119/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.5 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.5 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094243/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094243/args.json new file mode 100644 index 0000000000000000000000000000000000000000..be4e930271a8ff80b8cd2f170e0dee9f5e8987e7 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094243/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.6 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.6 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094329/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094329/args.json new file mode 100644 index 0000000000000000000000000000000000000000..bccec7b9cc4157962a1ce1ccfab66eb791e678b1 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094329/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -1.0 + ], + "max_bounds": [ + 0.5, + 0.5, + 1.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094414/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094414/args.json new file mode 100644 index 0000000000000000000000000000000000000000..7d4cc2960b0c240e6cd3a565e6f694849fb24799 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094414/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.75 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.75 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094452/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094452/args.json new file mode 100644 index 0000000000000000000000000000000000000000..58b3970b19823f9303d2eb99c7e1171328d05fb1 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094452/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.9 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.9 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094600/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094600/args.json new file mode 100644 index 0000000000000000000000000000000000000000..58b3970b19823f9303d2eb99c7e1171328d05fb1 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094600/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.9 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.9 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094638/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094638/args.json new file mode 100644 index 0000000000000000000000000000000000000000..7d4cc2960b0c240e6cd3a565e6f694849fb24799 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094638/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.75 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.75 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094721/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094721/args.json new file mode 100644 index 0000000000000000000000000000000000000000..f014eef3aa52ed80562fcf3d991621734f9c1546 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094721/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.75 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.8 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094808/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094808/args.json new file mode 100644 index 0000000000000000000000000000000000000000..60ccff92aa5309bd24437f881c2a5bd1b1d0395e --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094808/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.8 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.8 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094808/queries.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094808/queries.json new file mode 100644 index 0000000000000000000000000000000000000000..5786c1a411abf244074c3c2b3dd900121d9b0939 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094808/queries.json @@ -0,0 +1,4 @@ +[ + "flower", + "vase" +] \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094916/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094916/args.json new file mode 100644 index 0000000000000000000000000000000000000000..1dd00b8b2e0c7fca837346506a6827baee474279 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_094916/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.85 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.85 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095004/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095004/args.json new file mode 100644 index 0000000000000000000000000000000000000000..becab89da0aa524a8fb8863e6e6e7c8932f8c966 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095004/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.6 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.85 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095043/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095043/args.json new file mode 100644 index 0000000000000000000000000000000000000000..becab89da0aa524a8fb8863e6e6e7c8932f8c966 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095043/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.6 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.85 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095129/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095129/args.json new file mode 100644 index 0000000000000000000000000000000000000000..becab89da0aa524a8fb8863e6e6e7c8932f8c966 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095129/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.6 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.85 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095215/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095215/args.json new file mode 100644 index 0000000000000000000000000000000000000000..becab89da0aa524a8fb8863e6e6e7c8932f8c966 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095215/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.6 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.85 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095303/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095303/args.json new file mode 100644 index 0000000000000000000000000000000000000000..7d4cc2960b0c240e6cd3a565e6f694849fb24799 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095303/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.75 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.75 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095355/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095355/args.json new file mode 100644 index 0000000000000000000000000000000000000000..72ea94a7ff6c97d1ecdae811ee01a08d6117b03a --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095355/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.5 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.75 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095428/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095428/args.json new file mode 100644 index 0000000000000000000000000000000000000000..9c4b01d098440568f8cc6ef02baba79b6187d45e --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095428/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.75 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.5 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095501/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095501/args.json new file mode 100644 index 0000000000000000000000000000000000000000..1c8bdc67974d928aaf7d6ba279057feaf48bd935 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095501/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.75 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.25 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095527/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095527/args.json new file mode 100644 index 0000000000000000000000000000000000000000..e06f25261348b7ee1944887adea914bfcae99426 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095527/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -0.75 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095622/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095622/args.json new file mode 100644 index 0000000000000000000000000000000000000000..7b7ecd9dabcd4c77e243714077b13ccbf4ce9b1c --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095622/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -1.0 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095657/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095657/args.json new file mode 100644 index 0000000000000000000000000000000000000000..3e084044440679b5d6acabf7dff851a8cf8687c5 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095657/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.5, + "min_bounds": [ + -0.5, + -0.5, + -1.25 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095733/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095733/args.json new file mode 100644 index 0000000000000000000000000000000000000000..e1ea2d603ae37955ea5cb1dfdba4f4db31c1b355 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-05-10_095733/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 0.75, + "min_bounds": [ + -0.75, + -0.75, + -1.25 + ], + "max_bounds": [ + 0.75, + 0.75, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_093850/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_093850/args.json new file mode 100644 index 0000000000000000000000000000000000000000..9b89a7af6c2d5dbf5644fc3ac722386e7590b4e1 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_093850/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -1.0 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_093930/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_093930/args.json new file mode 100644 index 0000000000000000000000000000000000000000..70c7c56e72acbfcc5b32b675c97d647e197fc67f --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_093930/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -2.0 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094006/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094006/args.json new file mode 100644 index 0000000000000000000000000000000000000000..4d5b2c38b2c15c60be2b666356ab2ecab848ce05 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094006/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -0.5 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094027/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094027/args.json new file mode 100644 index 0000000000000000000000000000000000000000..2a8534f5469c1ea12b4da61c5293a680b69a65a5 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094027/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -0.75 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094052/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094052/args.json new file mode 100644 index 0000000000000000000000000000000000000000..61183c5296faeafed7b1bb8653676e327addb17e --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094052/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -0.85 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.0 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094113/args.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094113/args.json new file mode 100644 index 0000000000000000000000000000000000000000..87a03c1288ea59f25d19678653f0ee59010c7267 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/language_visualization/2025-06-06_094113/args.json @@ -0,0 +1,28 @@ +{ + "scene": "real_scene_outputs/vasedeck/f3rm/2025-05-10_114501/config.yml", + "voxel_size": 0.01, + "num_rots_per_voxel": 8, + "alpha_threshold": 0.1, + "softmax_temperature": 0.001, + "num_steps": 200, + "lr": 0.002, + "ray_samples_per_batch": 262144, + "keep_proportion": 0.975, + "min_proposals": 2048, + "prune_after": 10, + "radius": 1.0, + "min_bounds": [ + -0.5, + -0.5, + -0.85 + ], + "max_bounds": [ + 0.5, + 0.5, + 0.15 + ], + "visualize": true, + "viser_host": "localhost", + "viser_port": 8012, + "num_poses_to_visualize": 10 +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerf_to_world.json b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerf_to_world.json new file mode 100644 index 0000000000000000000000000000000000000000..2e96ecc7902b0a45b3329e5f7bec951f20e1ac49 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerf_to_world.json @@ -0,0 +1,29 @@ +{ + "nerf_to_world": [ + [ + 1.0, + 0.0, + 0.0, + 0.0 + ], + [ + 0.0, + 1.0, + 0.0, + 0.0 + ], + [ + 0.0, + 0.0, + 1.0, + 0.0 + ], + [ + 0.0, + 0.0, + 0.0, + 1.0 + ] + ], + "info": "Identity transform for pre-centered Objaverse data" +} \ No newline at end of file diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000002000.ckpt b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000002000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..eddc8b0e96a8a935619b56221fec5ead6fb941c2 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000002000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2225bdfc7e13685bb8bdc903c870afb1911fa63ffca9dcfeac7a998ad63e3e5d +size 176671114 diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000004000.ckpt b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000004000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..532b9db1f3d174faadf2d835ad91f99c8f870599 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000004000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e63f3f87d4ad9b684791a825082a85a6d928505fa3e2711e1c33b2441f7a930 +size 176671114 diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000006000.ckpt b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000006000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..1478cdfdaf12ffc0e16cfe2eaad5ac97976cbb52 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000006000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:646a36f860b5bd200ad4b356019a3afddb2aae1243dcf30bb13af80d0f932cce +size 176671114 diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000008000.ckpt b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000008000.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..04aa4ad35414a59e54e9ddd7a13acf811e0cf407 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000008000.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42261dbba47879e0293a47a3e8bc977bcac77ba7b82bfe5f2bd3abd86fdff436 +size 176671114 diff --git a/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000009999.ckpt b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000009999.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..fce1c655b6f82c872f18eb93869ead82d575fb21 --- /dev/null +++ b/real_scene_models/vasedeck/f3rm/2025-05-10_114501/nerfstudio_models/step-000009999.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4696ac6f0aae0c65781d1c48c9705bbd3e4fa111bdceafb8d81ba41c0e329544 +size 176671114 diff --git a/real_scene_models/vasedeck/gs/cameras.json b/real_scene_models/vasedeck/gs/cameras.json new file mode 100644 index 0000000000000000000000000000000000000000..3b47718d49c8c9b93dece4f7877d6e2adafaabc0 --- /dev/null +++ b/real_scene_models/vasedeck/gs/cameras.json @@ -0,0 +1 @@ +[{"id": 0, "img_name": "IMG_8361", "width": 3994, "height": 2995, "position": [3.7945190578587873, 0.19575732713714622, -0.19942405528095375], "rotation": [[0.028318791598060042, 0.6622749445586844, -0.7487255464135151], [-0.6998110517410465, 0.5479794603895743, 0.45823902371168806], [0.7137664449268512, 0.5109896366864422, 0.47898544163214607]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 1, "img_name": "IMG_8362", "width": 3994, "height": 2995, "position": [3.75544544647639, 0.0025864618577141184, 0.025675556255781527], "rotation": [[-0.07174030815604134, 0.6732976941677776, -0.7358828325311234], [-0.7088822008342497, 0.4845993863289686, 0.5124933756742397], [0.7016689771723318, 0.5584206745796043, 0.4425234419508112]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 2, "img_name": "IMG_8363", "width": 3994, "height": 2995, "position": [3.723233047778285, -0.16803044768094186, 0.19318473005328612], "rotation": [[-0.14500092553075664, 0.6646613759957575, -0.7329392791047905], [-0.707619165087695, 0.4480920204947734, 0.546341155661465], [0.6915561067591098, 0.5978618539665647, 0.40535337025346746]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 3, "img_name": "IMG_8364", "width": 3994, "height": 2995, "position": [3.724415715527944, -0.3004197133150353, 0.4096384108521913], "rotation": [[-0.21985516955620807, 0.6477943461896712, -0.7294012540872868], [-0.6910141060172873, 0.42435920472705774, 0.585165592502283], [0.6885950985191076, 0.6326782360790636, 0.35433746610730427]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 4, "img_name": "IMG_8365", "width": 3994, "height": 2995, "position": [3.6892691710418126, -0.4965673860609489, 0.6481847985194297], "rotation": [[-0.2742060484811244, 0.6272180028720598, -0.7289777910537137], [-0.679014127172399, 0.4105129020141545, 0.6086205487659961], [0.6809925536132333, 0.6618736542219381, 0.31332476405516674]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 5, "img_name": "IMG_8366", "width": 3994, "height": 2995, "position": [3.5775939877884357, -0.6970610366529281, 0.8628293983043296], "rotation": [[-0.33828685156496174, 0.6124794494134186, -0.7144444905690722], [-0.6668251073857621, 0.3796850814529592, 0.6412359277847951], [0.6640077425890698, 0.6933312072655433, 0.27997420383576765]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 6, "img_name": "IMG_8367", "width": 3994, "height": 2995, "position": [3.2145042829010007, -1.0234642320953709, 1.4253702031281632], "rotation": [[-0.4881342242167512, 0.5659273337687116, -0.6644179648698154], [-0.5902758229672759, 0.3466876706443396, 0.7289596091989644], [0.6428836846340209, 0.7480199943294557, 0.16482310552451548]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 7, "img_name": "IMG_8368", "width": 3994, "height": 2995, "position": [2.903142849204582, -1.3693846255373934, 1.297460558833614], "rotation": [[-0.5784091050281311, 0.5721280432038373, -0.5814743411366529], [-0.5330840627815236, 0.2744492417852783, 0.800311811540871], [0.6174660227323454, 0.772882342833134, 0.14624840138567244]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 8, "img_name": "IMG_8369", "width": 3994, "height": 2995, "position": [2.7538810064679113, -1.5987879220393797, 1.5056965953257122], "rotation": [[-0.6817133103779862, 0.503371967034253, -0.5309271374280595], [-0.49476608427127344, 0.21739560547415096, 0.8413950752027244], [0.5389559205615595, 0.8362749628708213, 0.10084989919205611]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 9, "img_name": "IMG_8370", "width": 3994, "height": 2995, "position": [2.5542666938113237, -1.8404586846449504, 1.7760820065848644], "rotation": [[-0.7558552602659886, 0.46011820213297355, -0.4658047505062125], [-0.4356196886824815, 0.177709351040372, 0.8824142300444773], [0.48879270898859845, 0.8698911579150174, 0.06611400018798873]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 10, "img_name": "IMG_8371", "width": 3994, "height": 2995, "position": [2.2684443390706748, -2.038689182269897, 1.950141844269363], "rotation": [[-0.8184762904473668, 0.4120946850528004, -0.4003430185812539], [-0.37000141391213553, 0.15501264478942453, 0.9160076602618604], [0.4395401183948258, 0.8978580347174161, 0.02560144165552915]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 11, "img_name": "IMG_8372", "width": 3994, "height": 2995, "position": [1.9052741223354537, -2.2191319674840946, 2.196044095556798], "rotation": [[-0.879548123446944, 0.340650101808541, -0.33219362829348525], [-0.3032460496317524, 0.13667656530299913, 0.9430595685743886], [0.36665642217707894, 0.9302026793311262, -0.016912818851332338]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 12, "img_name": "IMG_8373", "width": 3994, "height": 2995, "position": [1.505794491101277, -2.2230341298444563, 2.391603770979787], "rotation": [[-0.9308018940354138, 0.25503372938669666, -0.261850398004661], [-0.24069115220558515, 0.11149246420240887, 0.9641769545451823], [0.2750919906322865, 0.9604828094771856, -0.042393034672906095]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 13, "img_name": "IMG_8374", "width": 3994, "height": 2995, "position": [1.1259107875789671, -2.263115642845656, 2.4846604433939032], "rotation": [[-0.9564930834249268, 0.19853510566204144, -0.21378679374563297], [-0.1966853305149576, 0.102428726588985, 0.9751016545620157], [0.21548981906460837, 0.9747267144123634, -0.058923425650426235]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 14, "img_name": "IMG_8375", "width": 3994, "height": 2995, "position": [0.721758361810181, -2.2565016447484805, 2.5460388690665208], "rotation": [[-0.9847909672323731, 0.11154824013470553, -0.1332056341915599], [-0.1246805144644278, 0.08022730514841718, 0.9889481021881319], [0.12100214944541776, 0.9905153050970349, -0.06509923346795939]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 15, "img_name": "IMG_8376", "width": 3994, "height": 2995, "position": [-0.060174709786740714, -2.644985649694032, 2.867480879570212], "rotation": [[-0.9993435600491408, 0.006829840383477571, 0.03557811502377794], [0.036170877218899763, 0.13310460858630627, 0.9904417351941007], [0.0020289478860317247, 0.9910784613003262, -0.13326427472152202]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 16, "img_name": "IMG_8377", "width": 3994, "height": 2995, "position": [-0.4078089781255458, -2.402484681256807, 2.82071904092812], "rotation": [[-0.9854857907657406, -0.10086382714685027, 0.13654392909284513], [0.12161544941368013, 0.1416959848788165, 0.982411283695953], [-0.11843748841785787, 0.9847582120716293, -0.12737278003858252]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 17, "img_name": "IMG_8378", "width": 3994, "height": 2995, "position": [-0.6272961831479968, -2.2306764253566826, 2.6109591301714303], "rotation": [[-0.9718534564689226, -0.14942625544386137, 0.18213361395808647], [0.16684381352384048, 0.10926392446765028, 0.9799104738182715], [-0.16632498621142083, 0.9827172477340332, -0.08125767636240366]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 18, "img_name": "IMG_8379", "width": 3994, "height": 2995, "position": [-0.9297415562700343, -2.130113659863269, 2.4737600907736694], "rotation": [[-0.9440797535261591, -0.2159127799374932, 0.24918886500333243], [0.22857769809254297, 0.11608952010261035, 0.966579256583266], [-0.23762503007195956, 0.9694869234713838, -0.06024491929856795]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 19, "img_name": "IMG_8380", "width": 3994, "height": 2995, "position": [-1.2042234858401197, -1.9464050070579881, 2.285815267298056], "rotation": [[-0.9145545933363465, -0.25226374238823573, 0.31615328573916585], [0.29202860722438023, 0.1289689620294187, 0.9476741525417071], [-0.27983778938874115, 0.9590255528969683, -0.04428092727897903]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 20, "img_name": "IMG_8381", "width": 3994, "height": 2995, "position": [-1.5479850380391782, -1.9522527993172547, 2.24034658826753], "rotation": [[-0.8531612154592839, -0.3211479408075184, 0.41107169757978584], [0.38236368935788195, 0.15104571174235393, 0.9115828004218126], [-0.3548435563690926, 0.9349059808768665, -0.006071031543169591]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 21, "img_name": "IMG_8382", "width": 3994, "height": 2995, "position": [-1.90855233373222, -1.7367351002948512, 2.0265971699883805], "rotation": [[-0.7953004424263436, -0.3839829403776907, 0.469099464693112], [0.43127877773675527, 0.1854234367846147, 0.8829590958616784], [-0.4260232647994142, 0.9045304033529687, 0.018136351886838917]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 22, "img_name": "IMG_8383", "width": 3994, "height": 2995, "position": [-2.2131440036375483, -1.6534752196462008, 1.861493473513271], "rotation": [[-0.7173893494553827, -0.4283248257886451, 0.5494455067621439], [0.5124825028111366, 0.20979441740721588, 0.8326751988243676], [-0.4719260594631491, 0.8789335276560415, 0.06900469811317554]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 23, "img_name": "IMG_8384", "width": 3994, "height": 2995, "position": [-2.4598036495400675, -1.2680881431590272, 1.4711245083895685], "rotation": [[-0.5935191812617028, -0.5044565215975637, 0.627103340201696], [0.5851321473908315, 0.26452108984911876, 0.7665826525005823], [-0.5525896773956531, 0.8219198323697517, 0.13817538707398977]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 24, "img_name": "IMG_8385", "width": 3994, "height": 2995, "position": [-2.7380062760141843, -1.1601707530600949, 1.270037443813519], "rotation": [[-0.517345725835795, -0.5339173584669795, 0.668794179316086], [0.6231608777711392, 0.30059549339659575, 0.7220199926353568], [-0.586535523540508, 0.7903003249887348, 0.17720461604530044]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 25, "img_name": "IMG_8386", "width": 3994, "height": 2995, "position": [-2.9997804311031424, -0.9806161233551963, 0.9930265050847588], "rotation": [[-0.4162146547150946, -0.5761442122560646, 0.7034367120674272], [0.6744168272529575, 0.32327416261150216, 0.6638190709115599], [-0.6098584297346793, 0.7507007809185164, 0.25400990770023213]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 26, "img_name": "IMG_8387", "width": 3994, "height": 2995, "position": [-3.1470304711918495, -0.7654012151435304, 0.8269749162234763], "rotation": [[-0.3313389481459862, -0.612036791593356, 0.7180706561179215], [0.6773981055752346, 0.3754559306149894, 0.6325856864718925], [-0.6567696003962082, 0.6960199780912493, 0.2901893900425412]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 27, "img_name": "IMG_8388", "width": 3994, "height": 2995, "position": [-3.3270693226992414, -0.5848842126904471, 0.559452709097958], "rotation": [[-0.2509300521301981, -0.6326374157067991, 0.7326690993796302], [0.6964981361905243, 0.4076390467985195, 0.5905258282313486], [-0.6722532671702396, 0.6584833390246232, 0.33834189366071893]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 28, "img_name": "IMG_8389", "width": 3994, "height": 2995, "position": [-3.4113616192408553, -0.3437808367274354, 0.29584044827649686], "rotation": [[-0.14429131591724706, -0.6519037179370788, 0.7444471496961239], [0.7030802680169459, 0.4618528214700133, 0.5407125928119372], [-0.6963175661119639, 0.601426233082663, 0.3916992893584431]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 29, "img_name": "IMG_8390", "width": 3994, "height": 2995, "position": [-3.4211879053206053, -0.08688951112810822, -0.05276880345574009], "rotation": [[-0.04622743658504181, -0.6642856222284539, 0.7460480119987798], [0.7074669462636748, 0.5054928306832341, 0.4939306814444731], [-0.7052329714719286, 0.5506374580687434, 0.44659248283022696]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 30, "img_name": "IMG_8391", "width": 3994, "height": 2995, "position": [-3.420051274790658, 0.12907444276770508, -0.2656360370702143], "rotation": [[0.03499070332072823, -0.6724007859461126, 0.7393597458207815], [0.6897527803232333, 0.5516079178940032, 0.46900938898172595], [-0.7231989717342593, 0.4935644719544676, 0.4830914606022522]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 31, "img_name": "IMG_8392", "width": 3994, "height": 2995, "position": [-3.207557867325001, 0.6965267051836647, -1.0248997462753104], "rotation": [[0.2614105319608988, -0.6192804504854736, 0.740375754212973], [0.6785438187463224, 0.6634294940645078, 0.3153404389647305], [-0.6864712811335062, 0.41994407967230585, 0.5936363787093093]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 32, "img_name": "IMG_8393", "width": 3994, "height": 2995, "position": [-3.2716242896543037, 0.9628632895745386, -1.1878656186022405], "rotation": [[0.3695460280727403, -0.6138826803922116, 0.6975555804737965], [0.6340533808693359, 0.7153639710611303, 0.2936506412657997], [-0.6792731728427276, 0.3337700460228933, 0.6535943030917952]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 33, "img_name": "IMG_8394", "width": 3994, "height": 2995, "position": [-3.0388303444465254, 1.090503372337036, -1.4904895120021577], "rotation": [[0.46642306688901675, -0.5797238914198152, 0.6681090722261671], [0.586014896703197, 0.7682848890522982, 0.25753615298796234], [-0.6625979652215853, 0.2714010666356418, 0.6980726305430194]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 34, "img_name": "IMG_8395", "width": 3994, "height": 2995, "position": [-2.844706230485002, 1.3377677844225373, -1.783685967785018], "rotation": [[0.5684298372962797, -0.5507413258252819, 0.6112049673387281], [0.5566445247234215, 0.8044917691843237, 0.2072193678450761], [-0.6058336348922543, 0.22243422700404622, 0.7638642690232024]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 35, "img_name": "IMG_8396", "width": 3994, "height": 2995, "position": [-2.5957591215997975, 1.586762957994666, -2.034624449681452], "rotation": [[0.6456895509029662, -0.5133734920335039, 0.5652722012730252], [0.5200333989751831, 0.8377052197564356, 0.16677898171874053], [-0.5591513818323655, 0.18627297836816759, 0.8078688691395457]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 36, "img_name": "IMG_8397", "width": 3994, "height": 2995, "position": [-2.3560088055695343, 1.7812644373277977, -2.210180564881813], "rotation": [[0.7247482445856184, -0.4606665157228419, 0.5123732460441719], [0.4770097319140672, 0.8720705132937857, 0.10933771308557383], [-0.49719382299997916, 0.16516470910969527, 0.8517739848312904]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 37, "img_name": "IMG_8398", "width": 3994, "height": 2995, "position": [-2.035052495597632, 1.880541299155887, -2.2790219658847657], "rotation": [[0.7800955800594074, -0.4158825307301, 0.46743192724214294], [0.42808291836642687, 0.8996384382670914, 0.08599822902381084], [-0.4562848901450275, 0.13301278519704846, 0.8798361767962624]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 38, "img_name": "IMG_8399", "width": 3994, "height": 2995, "position": [-1.7186753438851998, 1.9964101455962846, -2.425559962317313], "rotation": [[0.8355253497545554, -0.37417541129058446, 0.40235575241699933], [0.3854650894580065, 0.9210178362446874, 0.0560607717417963], [-0.3915533868154619, 0.10825390018228748, 0.9137653081446377]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 39, "img_name": "IMG_8400", "width": 3994, "height": 2995, "position": [-1.214825347315746, 2.0706902087937458, -2.776124237224785], "rotation": [[0.8979165236604767, -0.2932683914845746, 0.32823705929333313], [0.28265502943465265, 0.9558154922306707, 0.08076434329044432], [-0.3374196954429015, 0.020258217293023774, 0.9411363098719167]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 40, "img_name": "IMG_8401", "width": 3994, "height": 2995, "position": [-1.0374283670357052, 2.280538930302684, -2.9560415566750935], "rotation": [[0.9441057611652974, -0.22599137179414666, 0.23998377363708168], [0.22508967936554014, 0.9738275556053333, 0.031536140963342396], [-0.24082970742334223, 0.0242444182924906, 0.9702645310450373]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 41, "img_name": "IMG_8402", "width": 3994, "height": 2995, "position": [-0.7813071704063665, 2.341670306576239, -3.026149705991209], "rotation": [[0.9818389859276837, -0.13023368706900507, 0.13795431296233673], [0.13053521475076962, 0.991419673261654, 0.006898491119485751], [-0.13766903581585926, 0.011234688343146487, 0.990414568933315]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 42, "img_name": "IMG_8403", "width": 3994, "height": 2995, "position": [-0.4833854901262769, 2.360563918261013, -3.0452768661075216], "rotation": [[0.9932338119594013, -0.06494366682488038, 0.0962752040763119], [0.06483182751404022, 0.9978869712008356, 0.004292650557914553], [-0.09635055226508206, 0.0019780917475073524, 0.9953454969161473]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 43, "img_name": "IMG_8404", "width": 3994, "height": 2995, "position": [-0.03923018736481369, 2.3863627479410194, -3.0171137784728925], "rotation": [[0.9991879875115659, 2.033297029379689e-05, 0.04029100643018391], [-0.00021526079185394187, 0.9999882945997205, 0.004833665931177796], [-0.040290436525040184, -0.004838414008025514, 0.9991762959931088]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 44, "img_name": "IMG_8405", "width": 3994, "height": 2995, "position": [0.2824700721356202, 2.363035102460834, -2.9132336816220796], "rotation": [[0.9985594347654424, 0.05362199908026695, -0.0019329913491884282], [-0.05359413472261227, 0.9984862513742369, 0.012364244415206269], [0.0025930607888503686, -0.0122428359157641, 0.9999216914361269]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 45, "img_name": "IMG_8406", "width": 3994, "height": 2995, "position": [0.5260564339161, 2.3334042072808976, -2.8809084402571075], "rotation": [[0.9908308440704839, 0.11815268543431957, -0.06553000353449724], [-0.11848094887396, 0.992955680124242, -0.0011322821778600983], [0.06493460704815711, 0.008885957104496274, 0.9978499569443486]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 46, "img_name": "IMG_8407", "width": 3994, "height": 2995, "position": [0.7255357623590745, 2.3265625064813813, -2.944641924572067], "rotation": [[0.9843043271604147, 0.1470634560181679, -0.09755681133204225], [-0.14802184371661753, 0.9889806204022811, -0.0026203533068333697], [0.09609643758233985, 0.01701976417908829, 0.9952265080429036]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 47, "img_name": "IMG_8408", "width": 3994, "height": 2995, "position": [1.2832534555085917, 2.1652297832590626, -2.8856929105909885], "rotation": [[0.9498941631154838, 0.24882944324597286, -0.18916920217898436], [-0.2501867274202417, 0.9680472428640782, 0.017062737353840566], [0.18737043604017156, 0.03111982900267245, 0.9817962497081358]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 48, "img_name": "IMG_8409", "width": 3994, "height": 2995, "position": [1.570141878327557, 2.0472402868042443, -2.712318834724345], "rotation": [[0.9047906013760136, 0.3103737578133096, -0.2915854902468169], [-0.3055725635556489, 0.9500756099091613, 0.06310106067067452], [0.29661317580926927, 0.03200727911866661, 0.954461187277806]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 49, "img_name": "IMG_8410", "width": 3994, "height": 2995, "position": [1.9080606023637496, 1.9171321825851388, -2.556782744330575], "rotation": [[0.8552072778764732, 0.3726027238745047, -0.3602606306945185], [-0.3612902787651868, 0.9269601726365514, 0.1010651909184773], [0.37160442184786524, 0.043726976878287575, 0.9273608279176987]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 50, "img_name": "IMG_8411", "width": 3994, "height": 2995, "position": [2.118610822405404, 1.8167439934551757, -2.44245037578194], "rotation": [[0.8151215989901152, 0.41723549535964544, -0.40185982664579595], [-0.40493082183813933, 0.9064654676537597, 0.11979726823571324], [0.4142557282468004, 0.06507608902847209, 0.9078310934592798]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 51, "img_name": "IMG_8412", "width": 3994, "height": 2995, "position": [2.3658095080972967, 1.7040989537726703, -2.311618500759442], "rotation": [[0.7650156495187517, 0.4569284452548411, -0.4538363712929982], [-0.44784918043407285, 0.883864302453349, 0.1349629817141884], [0.4627981931424666, 0.10000145381767554, 0.8808050531521827]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 52, "img_name": "IMG_8413", "width": 3994, "height": 2995, "position": [2.6504908059220593, 1.595481978437809, -2.1240403818290887], "rotation": [[0.6958218679729788, 0.4982490668277437, -0.517281157066326], [-0.48830218013718085, 0.8563504893875992, 0.16800244105040693], [0.5266810314828801, 0.135689744383656, 0.839163502748557]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 53, "img_name": "IMG_8414", "width": 3994, "height": 2995, "position": [2.801472929829237, 1.4889791313677978, -2.0562433508872116], "rotation": [[0.6605634044957001, 0.5283495348260732, -0.5333879991995718], [-0.5076464813404667, 0.8377537637592274, 0.20115586317552897], [0.5531284106097728, 0.1378963391693957, 0.8216042605902099]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 54, "img_name": "IMG_8415", "width": 3994, "height": 2995, "position": [2.99856418861485, 1.2785005748053961, -1.7627428970758854], "rotation": [[0.6057048880616892, 0.5775615696101057, -0.5473063327677541], [-0.5543021336709619, 0.7997561027349752, 0.23051967539883167], [0.5708508852458717, 0.1637461738413294, 0.8045597910449724]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 55, "img_name": "IMG_8416", "width": 3994, "height": 2995, "position": [2.335576410722865, 0.4379545343236539, -2.010563734883705], "rotation": [[0.5449774507163233, 0.7068448133429419, -0.450965617382211], [-0.5795721977525498, 0.7062487039087706, 0.40658189312789256], [0.6058841851402104, 0.03978917035278803, 0.794557220167069]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 56, "img_name": "IMG_8417", "width": 3994, "height": 2995, "position": [2.5047661539325996, 0.13788396260892377, -1.8274573423602425], "rotation": [[0.4537866472122608, 0.75633468722687, -0.4712064512602599], [-0.6170677665526018, 0.6481981143996572, 0.4461687752078944], [0.6428880542471129, 0.08830087987195484, 0.7608534052760751]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 57, "img_name": "IMG_8418", "width": 3994, "height": 2995, "position": [2.714604415899953, -0.36765911271469276, -1.4679499171819854], "rotation": [[0.17070752389407964, 0.8403330476354505, -0.514489368537065], [-0.6769140328405463, 0.47944660921559035, 0.5584965004861004], [0.7159932495697847, 0.25292551860851986, 0.6506783757027056]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 58, "img_name": "IMG_8419", "width": 3994, "height": 2995, "position": [2.709389358301749, -1.093730718525692, -0.6206626121117829], "rotation": [[-0.18577699651507518, 0.8399711050634546, -0.5098386511675203], [-0.6880126722307569, 0.25924507493731946, 0.677813067128863], [0.7015165503505462, 0.4766975286061616, 0.5297489932081486]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 59, "img_name": "IMG_8420", "width": 3994, "height": 2995, "position": [2.6525285707390878, -1.2792824964136218, -0.42317869711040473], "rotation": [[-0.2860610088820298, 0.8163849699819432, -0.5016818513609765], [-0.6779388002706705, 0.19757159434426294, 0.7080709344379486], [0.6771765517831804, 0.5426610782945906, 0.49694151750401505]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 60, "img_name": "IMG_8421", "width": 3994, "height": 2995, "position": [2.4105550995668605, -1.5964711272041765, -0.14116645257196336], "rotation": [[-0.4588604393449248, 0.7610451666926435, -0.45853827698235655], [-0.6279443282797328, 0.08733797314206425, 0.7733420970235296], [0.628596068859404, 0.6427926047343746, 0.43781805526188694]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 61, "img_name": "IMG_8422", "width": 3994, "height": 2995, "position": [2.054084396453627, -1.9390146032020896, 0.16181552959773898], "rotation": [[-0.6252576990113516, 0.6685708381987805, -0.4025740231773655], [-0.5500795516615866, -0.011636178494324835, 0.8350311887551483], [0.5535930785972835, 0.7435574178637641, 0.37504275712104324]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 62, "img_name": "IMG_8423", "width": 3994, "height": 2995, "position": [0.770274254806611, -2.4346697913634396, 0.7362837063756268], "rotation": [[-0.9151165776677014, 0.3699797159926738, -0.16023938040236638], [-0.24067330821142516, -0.18240433793406333, 0.9533126539689929], [0.3234779868744118, 0.9109575551346047, 0.25596547570104333]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 63, "img_name": "IMG_8424", "width": 3994, "height": 2995, "position": [0.3949383186868083, -2.526773623538798, 0.8441434798225207], "rotation": [[-0.9692239277006407, 0.2203064104627319, -0.10986384064635671], [-0.15711353432913008, -0.20997858678631295, 0.9649996530682443], [0.18952655566740784, 0.9525618502754813, 0.23812938940122463]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 64, "img_name": "IMG_8425", "width": 3994, "height": 2995, "position": [0.026367250965564432, -2.604919134819619, 0.8540257519808544], "rotation": [[-0.9965133213588994, 0.08340112013966283, -0.00233527593763435], [-0.02183546821240309, -0.23368136865029995, 0.972068017308289], [0.08052585101816993, 0.9687297203581463, 0.234687699321092]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 65, "img_name": "IMG_8426", "width": 3994, "height": 2995, "position": [-0.3682616398759369, -2.526388729833548, 0.8233400395579393], "rotation": [[-0.9941770745841502, -0.07404434243897691, 0.07829035524302794], [0.09455498216973225, -0.2509559530721523, 0.9633693294705454], [-0.05168461781015319, 0.9651624448611884, 0.2564959167538375]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 66, "img_name": "IMG_8427", "width": 3994, "height": 2995, "position": [-1.2405010908795568, -1.8762349728992616, 0.583415952447398], "rotation": [[-0.7934752666851069, -0.5089689420191493, 0.33368790391458], [0.4493289220992626, -0.12011023883046715, 0.8852553588051316], [-0.4104881495538122, 0.8523638580958224, 0.32399896988708354]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 67, "img_name": "IMG_8428", "width": 3994, "height": 2995, "position": [-1.624004956547776, -1.855664930505025, 0.38159983418028404], "rotation": [[-0.6910493030930485, -0.6043511063836465, 0.39649792043272397], [0.526100633232195, -0.04439567995956404, 0.8492627080671866], [-0.4956500624506121, 0.7954802095676491, 0.3486291034594126]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 68, "img_name": "IMG_8429", "width": 3994, "height": 2995, "position": [-1.8888925449199736, -1.6592990039854632, 0.14649059569675693], "rotation": [[-0.5477186033835539, -0.6991770234331498, 0.4595169435513012], [0.6030997591609745, 0.05073096186075082, 0.7960509091814778], [-0.5798922417204282, 0.7131464501852643, 0.3938872028647448]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 69, "img_name": "IMG_8430", "width": 3994, "height": 2995, "position": [-2.168549546982082, -1.4415841795329414, -0.053127173519708436], "rotation": [[-0.43490849862208114, -0.7473373146878645, 0.5023360786380162], [0.6423785043314372, 0.13344359084308385, 0.7546805054033193], [-0.6310344324988877, 0.6509068644115189, 0.4220376746959581]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 70, "img_name": "IMG_8431", "width": 3994, "height": 2995, "position": [-2.3517625057353295, -0.8481540025634404, -0.3499324811062386], "rotation": [[-0.14959906782036153, -0.8001213898543954, 0.5808837064376564], [0.7156179049141663, 0.3177818278609557, 0.6220174628156426], [-0.6822837628681621, 0.5087440136048978, 0.5250413274663637]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 71, "img_name": "IMG_8432", "width": 3994, "height": 2995, "position": [-2.498798014891131, -0.6319064467670577, -0.5822978409205853], "rotation": [[-0.07585379050721625, -0.8062541869697865, 0.586685936817456], [0.7020514563133631, 0.3746374619064929, 0.6056158227990307], [-0.7080748231323956, 0.45782197209171777, 0.5376142545692749]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 72, "img_name": "IMG_8433", "width": 3994, "height": 2995, "position": [-2.4547260272797424, -0.3866202727143612, -0.9811755445763468], "rotation": [[0.10999443559681613, -0.802739573295837, 0.5860976041603949], [0.6837512647902537, 0.4890880724965976, 0.541550611890792], [-0.7213774546209952, 0.34117742423316944, 0.6026711650296153]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 73, "img_name": "IMG_8434", "width": 3994, "height": 2995, "position": [-2.337508723291485, -0.04668455484742457, -1.2973626685423685], "rotation": [[0.2703798785761186, -0.7843728982792395, 0.5582596866210103], [0.6615054258810643, 0.57266033339038, 0.48422176127383015], [-0.699503604559029, 0.23836799073332876, 0.6737027595332239]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 74, "img_name": "IMG_8435", "width": 3994, "height": 2995, "position": [-1.8220441670366125, 0.032733324468394234, -1.778874045006722], "rotation": [[0.4423739508327826, -0.7480842038713648, 0.4946466532210046], [0.6137567393886773, 0.6546896978277268, 0.441230171694116], [-0.6539173896445742, 0.10840398275149252, 0.7487593899538354]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 75, "img_name": "IMG_8436", "width": 3994, "height": 2995, "position": [-1.5115921731018995, -0.31363934028629487, -1.637245549594492], "rotation": [[0.41281871842466694, -0.8023318385022821, 0.4310966558021107], [0.6441019819228968, 0.591812915636624, 0.4846546293688676], [-0.6439824086116108, 0.0775957074278345, 0.7610949767194378]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 76, "img_name": "IMG_8437", "width": 3994, "height": 2995, "position": [-1.3967657673607066, -0.8399722979996186, -1.3241332746294292], "rotation": [[0.2963713768217388, -0.862419281900484, 0.4103620221305094], [0.6311905912288465, 0.4993248351916739, 0.5935260284983188], [-0.7167722403560047, 0.08311252112083585, 0.6923365253169675]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 77, "img_name": "IMG_8438", "width": 3994, "height": 2995, "position": [-3.969150351485218, 1.3425572120329623, 0.44239434739668526], "rotation": [[0.08019806753041607, -0.45848671060629714, 0.8850752545189612], [0.7171423088245211, 0.6432412670216477, 0.26823046302428144], [-0.6922970308026908, 0.6132133467218426, 0.38038692478051256]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 78, "img_name": "IMG_8439", "width": 3994, "height": 2995, "position": [-4.003957350554121, 1.6839428476626994, 0.09719461643122766], "rotation": [[0.21136543928220125, -0.44902123856682485, 0.8681616084537233], [0.6818937260014608, 0.7041001979622086, 0.19815109807776254], [-0.7002468118577094, 0.5501116600704743, 0.45500721306109027]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 79, "img_name": "IMG_8440", "width": 3994, "height": 2995, "position": [-3.8353410075116, 2.2224334480523353, -0.41741941669310567], "rotation": [[0.3859181102865779, -0.4206972225532348, 0.8210243961593534], [0.639049463760182, 0.7637664052700465, 0.09097615648451345], [-0.6653442680452432, 0.4895658537080225, 0.5635976223002317]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 80, "img_name": "IMG_8441", "width": 3994, "height": 2995, "position": [-3.435840672086969, 2.6534933584247486, -0.8451302388231557], "rotation": [[0.5576856097619362, -0.3830603490987123, 0.7363773011254693], [0.5748753189539868, 0.8181828217815111, -0.009758985561834877], [-0.5987529777145243, 0.4287675816686899, 0.6765007262287113]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 81, "img_name": "IMG_8442", "width": 3994, "height": 2995, "position": [-2.9107531682487235, 3.101320983507073, -1.5612297117375276], "rotation": [[0.7160233653940256, -0.318285677038224, 0.6212928198539984], [0.4817437677399666, 0.8694055532884093, -0.10980403523994886], [-0.5052063761014054, 0.37792619875260597, 0.775846831431882]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 82, "img_name": "IMG_8443", "width": 3994, "height": 2995, "position": [-2.162298347748829, 3.5083253018912064, -2.006338292750629], "rotation": [[0.834226866504141, -0.26958130545170067, 0.4810316569142191], [0.39684552548273855, 0.8991926954396066, -0.18429901077429706], [-0.3828565842544846, 0.3446424469200104, 0.8571128395222981]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 83, "img_name": "IMG_8444", "width": 3994, "height": 2995, "position": [-1.5970351695598655, 3.7229574695464613, -2.2468106487851096], "rotation": [[0.9106444275787035, -0.21677421566182392, 0.35176080785678315], [0.30379956857391927, 0.9282951353636797, -0.21441540008690604], [-0.2800581165653946, 0.30212097094430335, 0.9112027053633649]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 84, "img_name": "IMG_8445", "width": 3994, "height": 2995, "position": [-1.1590704929455042, 3.8372253765256286, -2.273756414916376], "rotation": [[0.9643156527541245, -0.1263965292299177, 0.23263542131845977], [0.18464886580371528, 0.9507864163104826, -0.24881717568703152], [-0.18973697112262616, 0.2828941638813005, 0.9401971994380285]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 85, "img_name": "IMG_8446", "width": 3994, "height": 2995, "position": [-0.021276772376738584, 4.222001560126828, -2.533985222118736], "rotation": [[0.9994633330096772, 0.00252159011350913, 0.03266018298305747], [0.007481230830815423, 0.9531115958071947, -0.3025265560626354], [-0.0318916470951784, 0.30260853841417346, 0.9525812276779312]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 86, "img_name": "IMG_8447", "width": 3994, "height": 2995, "position": [0.6661893799782177, 4.219633549923864, -2.523709711851719], "rotation": [[0.9877475184827382, 0.08603968687399248, -0.1301998925261376], [-0.12166434530149912, 0.9470446604277064, -0.29716022317552443], [0.09773754045171203, 0.3093599577159191, 0.945908975403265]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 87, "img_name": "IMG_8448", "width": 3994, "height": 2995, "position": [1.1900212059176734, 4.083866450578807, -2.4022304732210222], "rotation": [[0.9537496446916792, 0.14999773663282, -0.26050392368547265], [-0.22240193601975808, 0.9351304209625907, -0.27580513890243474], [0.20223499723133692, 0.3209856302007289, 0.9252400937591723]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 88, "img_name": "IMG_8449", "width": 3994, "height": 2995, "position": [1.8287954236396031, 3.887370361111218, -2.2244191203005332], "rotation": [[0.8993184123942939, 0.19815426562839347, -0.3898221134593045], [-0.3057992753456027, 0.9222027741666617, -0.23670413286932146], [0.3125911008437557, 0.33207970478875276, 0.8899493656049785]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 89, "img_name": "IMG_8450", "width": 3994, "height": 2995, "position": [2.6548543599153978, 3.175503394833198, -1.669503071806988], "rotation": [[0.7769842912288769, 0.31819208436354, -0.5431843228885991], [-0.4430636702028902, 0.889367049608514, -0.11278668013995159], [0.4472024097988566, 0.32829871842429287, 0.8320035794100061]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 90, "img_name": "IMG_8451", "width": 3994, "height": 2995, "position": [3.167726295476227, 2.977554085788707, -1.5373278331258229], "rotation": [[0.6680540160562705, 0.3667532891937119, -0.6474533624105151], [-0.5346163007787049, 0.841778365519997, -0.07479702055681035], [0.5175801798492496, 0.39610757151066434, 0.7584257044820819]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 91, "img_name": "IMG_8452", "width": 3994, "height": 2995, "position": [3.6096022311660585, 2.979190285075125, -1.1895397071837055], "rotation": [[0.5961601620000122, 0.34079570933704434, -0.7269465907077217], [-0.5559940530788542, 0.8284335181330695, -0.06759082019485799], [0.5791922601218591, 0.4444729356565214, 0.6833594480826372]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 92, "img_name": "IMG_8453", "width": 3994, "height": 2995, "position": [3.9229468794480478, 2.92537766222593, -0.7735362020476636], "rotation": [[0.5123681024751916, 0.31937070981865595, -0.7971707955487952], [-0.5694637487085333, 0.8211822889341246, -0.037022793624147364], [0.6427985426809832, 0.47292916811171576, 0.602617652808449]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 93, "img_name": "IMG_8454", "width": 3994, "height": 2995, "position": [4.095575354885189, 2.5923681374401784, -0.3295407089833382], "rotation": [[0.44721307879923067, 0.30767956513451145, -0.8398415013260244], [-0.5948483413263455, 0.8035263556598798, -0.022379601901006244], [0.6679490347116378, 0.5095867747092636, 0.5423701743912559]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 94, "img_name": "IMG_8455", "width": 3994, "height": 2995, "position": [4.501429132727649, 1.6896322014188407, 0.08502736188676857], "rotation": [[0.1998785207794726, 0.436626714110064, -0.8771577335100332], [-0.6643984665024981, 0.7183731596953842, 0.2061908851971853], [0.7201550212559367, 0.5415691238934497, 0.43368148381634036]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 95, "img_name": "IMG_8456", "width": 3994, "height": 2995, "position": [4.6338246196822475, 1.104063827113171, 0.4057278504942803], "rotation": [[0.09647088057564271, 0.4359389206314871, -0.8947908284507693], [-0.6592008964925032, 0.7015449355426272, 0.2707191930358302], [0.7457530068758957, 0.5637303973471228, 0.3550499849914303]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 96, "img_name": "IMG_8457", "width": 3994, "height": 2995, "position": [4.68793456848833, 0.7901695828100581, 0.9013949654048401], "rotation": [[-0.0722566039160593, 0.4505373568819225, -0.8898286763441425], [-0.6691577790961193, 0.6396722779639247, 0.3782158688891738], [0.7395991142948093, 0.6227643750715793, 0.2552600307060203]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 97, "img_name": "IMG_8458", "width": 3994, "height": 2995, "position": [4.570424142092087, 0.357844754555273, 1.2793231870308337], "rotation": [[-0.18545116768835454, 0.4482164194474641, -0.874476932652154], [-0.6555796620686506, 0.606481553344695, 0.4498837984797407], [0.7319994338009963, 0.6567207677470699, 0.18136885654576854]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 98, "img_name": "IMG_8459", "width": 3994, "height": 2995, "position": [3.8966001912896684, -0.3625531775858319, 2.073889667273626], "rotation": [[-0.44444027748305687, 0.4425257940176177, -0.7788733923943352], [-0.604300363651703, 0.49372813534729676, 0.6253427850842295], [0.6612820202010656, 0.748600995187395, 0.04798582877516029]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 99, "img_name": "IMG_8460", "width": 3994, "height": 2995, "position": [3.586891123173907, -0.8874236155441954, 2.423250964204985], "rotation": [[-0.5776774182630312, 0.4066934168453455, -0.7077353072467255], [-0.5475919794998366, 0.4499067089339488, 0.7054976805374159], [0.6053361251539592, 0.7951002565405706, -0.03719889289628564]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 100, "img_name": "IMG_8461", "width": 3994, "height": 2995, "position": [3.1760760716668166, -1.2188322214506306, 2.7512592214468], "rotation": [[-0.7350813058989242, 0.3426146629617823, -0.5850390298446043], [-0.45572760036916554, 0.38919080795099903, 0.800526619962266], [0.5019639707983967, 0.8550705864021009, -0.12994792914961395]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 101, "img_name": "IMG_8462", "width": 3994, "height": 2995, "position": [2.832816587895432, -1.320898934130831, 3.2783484602237936], "rotation": [[-0.768822281091701, 0.32802176497628865, -0.5489207791647106], [-0.3970357517727295, 0.4280397133149847, 0.8118772170959653], [0.5012732906421568, 0.8421304682334361, -0.19885010073348566]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 102, "img_name": "IMG_8463", "width": 3994, "height": 2995, "position": [2.183427992953454, -1.7579517725757199, 3.608930709990444], "rotation": [[-0.888215414040288, 0.2481555761776634, -0.38664219670539207], [-0.28972183697768306, 0.3505970842378928, 0.8905857295635071], [0.3565594416636811, 0.9030506600051957, -0.23950964495122937]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 103, "img_name": "IMG_8464", "width": 3994, "height": 2995, "position": [1.7798035134364345, -1.851004989545089, 3.7951526444069974], "rotation": [[-0.9362578142067728, 0.2099552182193462, -0.2816737681773407], [-0.1942622383541485, 0.35864359404692425, 0.9130372145749268], [0.29271742019632435, 0.9095568034991391, -0.29499649679621054]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 104, "img_name": "IMG_8465", "width": 3994, "height": 2995, "position": [1.2812609847951861, -1.8467205897560075, 3.9271357013681505], "rotation": [[-0.9626745221164046, 0.16986711113964081, -0.21072002520174585], [-0.13946586903265332, 0.35590687828387585, 0.9240560401648771], [0.2319634364353966, 0.9189534583118446, -0.3189318196947152]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 105, "img_name": "IMG_8466", "width": 3994, "height": 2995, "position": [0.4364349692834776, -1.8396220487179997, 4.011740441757017], "rotation": [[-0.9948293026204894, 0.09827410368283039, -0.02562926438598746], [0.012586312973163791, 0.3697052831129663, 0.9290638236225232], [0.10077818897644528, 0.923937337801486, -0.3690305576004921]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 106, "img_name": "IMG_8467", "width": 3994, "height": 2995, "position": [-0.16001591225620349, -1.8458323768542335, 4.07565980661902], "rotation": [[-0.9928311017025279, 0.005663055908273033, 0.1193915126377262], [0.11325569609396605, 0.36384362529606534, 0.9245490596143005], [-0.03820406777315427, 0.9314428303063994, -0.36187664068904457]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 107, "img_name": "IMG_8468", "width": 3994, "height": 2995, "position": [-0.8018755985027014, -1.7468280746424432, 4.052429160255026], "rotation": [[-0.9635875033001926, -0.07037019145744637, 0.2579673615749542], [0.21187907258731517, 0.3875738247172488, 0.8971587312140379], [-0.16311462866107396, 0.9191488272028014, -0.35855132320000466]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 108, "img_name": "IMG_8469", "width": 3994, "height": 2995, "position": [-1.2796210138706314, -1.5235710532201288, 3.9821602909494627], "rotation": [[-0.9277143830752694, -0.0928741067632639, 0.36155279521557815], [0.29844851176064, 0.3972325171465099, 0.8678334017248395], [-0.22421977892935993, 0.9130064225482607, -0.34080018063741574]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 109, "img_name": "IMG_8470", "width": 3994, "height": 2995, "position": [-2.2728944031095626, -1.2962845758885917, 3.520663229306307], "rotation": [[-0.7990497823549967, -0.19997255090330315, 0.5670365281034885], [0.4560183293391262, 0.4130944816680744, 0.7882894344859236], [-0.39187590972804737, 0.8884615512787319, -0.23889190709231725]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 110, "img_name": "IMG_8471", "width": 3994, "height": 2995, "position": [-3.101286247140639, -1.085096124582174, 3.0492979902422546], "rotation": [[-0.6435444184653087, -0.29266182451083433, 0.707247932436806], [0.5554231719821997, 0.4572158703247355, 0.6945925049613094], [-0.5266456887579913, 0.8398230196875912, -0.13168756249333644]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 111, "img_name": "IMG_8472", "width": 3994, "height": 2995, "position": [-3.4034782904988305, -0.7770869696691435, 2.736843877024919], "rotation": [[-0.5310564978806727, -0.3338247053209249, 0.7788068195490542], [0.6105326754964445, 0.48659087142369617, 0.624883329909097], [-0.587561782461954, 0.8073353639996985, -0.05459635359257622]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 112, "img_name": "IMG_8473", "width": 3994, "height": 2995, "position": [-3.492721942709954, -0.669006175807188, 2.6906044875437485], "rotation": [[-0.48964789323198155, -0.35358442466316004, 0.7970087799322563], [0.617095823864984, 0.505240595694851, 0.6032617049260699], [-0.6159851336046008, 0.7872166125645053, -0.029194521413915812]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 113, "img_name": "IMG_8474", "width": 3994, "height": 2995, "position": [-3.7473822233372545, -0.2585222128315643, 2.3986308631894038], "rotation": [[-0.4380720510530161, -0.36103006103462554, 0.8232558369762936], [0.6328030453013812, 0.5266074978583722, 0.5676661422496877], [-0.6384772383910812, 0.76963747194941, -0.002231104618659244]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 114, "img_name": "IMG_8475", "width": 3994, "height": 2995, "position": [-4.0716622274273035, 0.4381111173333556, 1.7749836694349543], "rotation": [[-0.2461737051848178, -0.33911781241292355, 0.907963444297099], [0.7205642132059955, 0.5624914077999275, 0.40545114477342437], [-0.6482173412694252, 0.754057375440045, 0.10588556569272439]], "fy": 3333.911771573299, "fx": 3333.911771573298}, {"id": 115, "img_name": "IMG_8476", "width": 3994, "height": 2995, "position": [-4.2220535770705565, 0.9853469015982077, 1.461176188282035], "rotation": [[-0.12866926163181872, -0.3333754434516959, 0.9339727163116208], [0.7372020412705782, 0.5977858844501031, 0.314936797943176], [-0.6633079009461708, 0.7290492782079913, 0.1688483890559559]], "fy": 3333.911771573299, "fx": 3333.911771573298}] \ No newline at end of file diff --git a/real_scene_models/vasedeck/gs/cfg_args b/real_scene_models/vasedeck/gs/cfg_args new file mode 100644 index 0000000000000000000000000000000000000000..b5c3bfeb4b2202ed7147dbfc8e0b514e26082ff4 --- /dev/null +++ b/real_scene_models/vasedeck/gs/cfg_args @@ -0,0 +1 @@ +Namespace(sh_degree=3, source_path='/home/yuxing/Development/Nerf/nerf_real_360/vasedeck', model_path='./output/656f0b08-a', images='images', resolution=1, white_background=True, data_device='cuda', eval=False) \ No newline at end of file diff --git a/real_scene_models/vasedeck/gs/input.ply b/real_scene_models/vasedeck/gs/input.ply new file mode 100644 index 0000000000000000000000000000000000000000..d08cd95278c45b93fe8c9c149751cd5baea4016f --- /dev/null +++ b/real_scene_models/vasedeck/gs/input.ply @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d556749a28b00e8c617a6918bacd561533dd41797831d4d92fbde57d4cb25c04 +size 2451887 diff --git a/real_scene_models/vasedeck/gs/point_cloud/iteration_30000/point_cloud.ply b/real_scene_models/vasedeck/gs/point_cloud/iteration_30000/point_cloud.ply new file mode 100644 index 0000000000000000000000000000000000000000..4ef41848fd7edeac148460cb3fce0367688849fe --- /dev/null +++ b/real_scene_models/vasedeck/gs/point_cloud/iteration_30000/point_cloud.ply @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebaab02f06e21197a5af5bc0870b6f6b1f9c044a8817e272ae76394eba633142 +size 249295348 diff --git a/real_scene_models/vasedeck/gs/point_cloud/iteration_7000/point_cloud.ply b/real_scene_models/vasedeck/gs/point_cloud/iteration_7000/point_cloud.ply new file mode 100644 index 0000000000000000000000000000000000000000..4b3f4e6e85e579149aaf5e9f3482b1090dc4ab8f --- /dev/null +++ b/real_scene_models/vasedeck/gs/point_cloud/iteration_7000/point_cloud.ply @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87e5014aca0a2018b7b19fc7db0faf72f142951c37a20260b49db89cd9c4713b +size 181011523